diff --git a/.circleci/config.yml b/.circleci/config.yml
index 72a5472f2..2fe8d3f1f 100644
--- a/.circleci/config.yml
+++ b/.circleci/config.yml
@@ -91,6 +91,7 @@ jobs:
sbt coverage core/test coverageReport exit
- run:
name: Run Python tests
+ no_output_timeout: 30m
environment:
command: |
export PATH=$HOME/conda/envs/glow/bin:$PATH
@@ -133,6 +134,7 @@ jobs:
sbt core/test exit
- run:
name: Run Python tests
+ no_output_timeout: 30m
environment:
command: |
export PATH=$HOME/conda/envs/glow/bin:$PATH
@@ -175,6 +177,7 @@ jobs:
sbt core/test exit
- run:
name: Run Python tests
+ no_output_timeout: 30m
environment:
command: |
export PATH=$HOME/conda/envs/glow/bin:$PATH
diff --git a/.gitignore b/.gitignore
index 2c7e0ee78..543b5714c 100644
--- a/.gitignore
+++ b/.gitignore
@@ -18,6 +18,9 @@ maven-repo/
**/__pycache__
*.pyc
+# Jupyter notebook checkpoints
+.ipynb_checkpoints/
+
# Sphinx documentation
docs/build
diff --git a/bin/spark-submit b/bin/spark-submit
index fb7b333a5..d4d8a165d 100755
--- a/bin/spark-submit
+++ b/bin/spark-submit
@@ -2,5 +2,5 @@
# A simple wrapper around the SparkSubmit main class that allows us to run
# PySpark unit tests with the same classpath as our Java tests.
-HEAPSIZE=${SPARK_MEMORY:-2g}
+HEAPSIZE=${SPARK_MEMORY:-1024m}
java -Xmx"$HEAPSIZE" -cp "$SPARK_CLASSPATH" org.apache.spark.deploy.SparkSubmit "$@"
diff --git a/build.sbt b/build.sbt
index 9b9525d7c..32e28e418 100644
--- a/build.sbt
+++ b/build.sbt
@@ -205,7 +205,7 @@ lazy val pythonSettings = Seq(
val env = if (majorMinorVersion(sparkVersion) >= "3.0") {
baseEnv :+ "PYSPARK_ROW_FIELD_SORTING_ENABLED" -> "true"
} else {
- baseEnv
+ baseEnv :+ "ARROW_PRE_0_15_IPC_FORMAT" -> "1"
}
val ret = Process(
Seq("pytest") ++ args,
diff --git a/conftest.py b/conftest.py
index 00d179167..d01acd5b9 100644
--- a/conftest.py
+++ b/conftest.py
@@ -1,11 +1,28 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 pyspark.sql import SparkSession
import pytest
# Set up a new Spark session for each test suite
@pytest.fixture(scope="module")
def spark():
+ print("set up new spark session")
sess = SparkSession.builder \
.master("local[2]") \
.config("spark.hadoop.io.compression.codecs", "io.projectglow.sql.util.BGZFCodec") \
+ .config("spark.ui.enabled", "false") \
.getOrCreate()
return sess.newSession()
diff --git a/core/src/main/resources/META-INF/services/io.projectglow.DataFrameTransformer b/core/src/main/resources/META-INF/services/io.projectglow.DataFrameTransformer
index a04cdd8bd..85cf09bc6 100644
--- a/core/src/main/resources/META-INF/services/io.projectglow.DataFrameTransformer
+++ b/core/src/main/resources/META-INF/services/io.projectglow.DataFrameTransformer
@@ -1,4 +1,5 @@
io.projectglow.transformers.LiftOverVariantsTransformer
+io.projectglow.transformers.blockvariantsandsamples.BlockVariantsAndSamplesTransformer
io.projectglow.transformers.normalizevariants.NormalizeVariantsTransformer
io.projectglow.transformers.splitmultiallelics.SplitMultiallelicsTransformer
io.projectglow.transformers.pipe.PipeTransformer
diff --git a/core/src/main/scala/io/projectglow/common/schemas.scala b/core/src/main/scala/io/projectglow/common/schemas.scala
index 7f7cf601f..b0a11efd4 100644
--- a/core/src/main/scala/io/projectglow/common/schemas.scala
+++ b/core/src/main/scala/io/projectglow/common/schemas.scala
@@ -140,6 +140,16 @@ object VariantSchemas {
def plinkSchema(hasSampleIds: Boolean): StructType = {
StructType(plinkBaseSchema :+ plinkGenotypeSchema(hasSampleIds))
}
+
+ // BlockedGT Fields
+ val headerField = StructField("header", StringType)
+ val sizeField = StructField("size", IntegerType)
+ val valuesField = StructField("values", ArrayType(DoubleType))
+ val headerBlockIdField = StructField("header_block", StringType)
+ val sampleBlockIdField = StructField("sample_block", StringType)
+ val sortKeyField = StructField("sort_key", LongType)
+ val meanField = StructField("mu", DoubleType)
+ val stdDevField = StructField("sig", DoubleType)
}
object FeatureSchemas {
diff --git a/core/src/main/scala/io/projectglow/transformers/blockvariantsandsamples/BlockVariantsAndSamplesTransformer.scala b/core/src/main/scala/io/projectglow/transformers/blockvariantsandsamples/BlockVariantsAndSamplesTransformer.scala
new file mode 100644
index 000000000..e153e80a5
--- /dev/null
+++ b/core/src/main/scala/io/projectglow/transformers/blockvariantsandsamples/BlockVariantsAndSamplesTransformer.scala
@@ -0,0 +1,58 @@
+/*
+ * Copyright 2019 The Glow Authors
+ *
+ * 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.
+ */
+
+package io.projectglow.transformers.blockvariantsandsamples
+
+import io.projectglow.DataFrameTransformer
+import io.projectglow.common.logging.HlsUsageLogging
+
+import org.apache.spark.sql.DataFrame
+
+/**
+ * Implements DataFrameTransformer to transform the input DataFrame of variants to Blocked GT
+ * DataFrame for WGR use
+ */
+class BlockVariantsAndSamplesTransformer extends DataFrameTransformer with HlsUsageLogging {
+
+ import BlockVariantsAndSamplesTransformer._
+
+ override def name: String = TRANSFORMER_NAME
+
+ override def transform(df: DataFrame, options: Map[String, String]): DataFrame = {
+
+ val variantsPerBlock = validateIntegerOption(options, VARIANTS_PER_BLOCK)
+ val sampleBlockCount = validateIntegerOption(options, SAMPLE_BLOCK_COUNT)
+
+ VariantSampleBlockMaker.makeVariantAndSampleBlocks(df, variantsPerBlock, sampleBlockCount)
+ }
+}
+
+object BlockVariantsAndSamplesTransformer {
+ val TRANSFORMER_NAME = "block_variants_and_samples"
+ val VARIANTS_PER_BLOCK = "variants_per_block"
+ val SAMPLE_BLOCK_COUNT = "sample_block_count"
+
+ def validateIntegerOption(options: Map[String, String], optionName: String): Int = {
+ try {
+ (options.get(optionName).get.toInt)
+ } catch {
+ case _: Throwable =>
+ throw new IllegalArgumentException(
+ s"$optionName is not provided or cannot be cast as an integer!"
+ )
+ }
+ }
+}
diff --git a/core/src/main/scala/io/projectglow/transformers/blockvariantsandsamples/VariantSampleBlockMaker.scala b/core/src/main/scala/io/projectglow/transformers/blockvariantsandsamples/VariantSampleBlockMaker.scala
new file mode 100644
index 000000000..43f807a5a
--- /dev/null
+++ b/core/src/main/scala/io/projectglow/transformers/blockvariantsandsamples/VariantSampleBlockMaker.scala
@@ -0,0 +1,124 @@
+/*
+ * Copyright 2019 The Glow Authors
+ *
+ * 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.
+ */
+
+package io.projectglow.transformers.blockvariantsandsamples
+
+import io.projectglow.common.GlowLogging
+import io.projectglow.common.VariantSchemas._
+import io.projectglow.functions._
+
+import org.apache.spark.sql.DataFrame
+import org.apache.spark.sql.expressions.Window
+import org.apache.spark.sql.functions._
+import org.apache.spark.sql.types.{ArrayType, IntegerType, StringType}
+
+private[projectglow] object VariantSampleBlockMaker extends GlowLogging {
+
+ def makeSampleBlocks(df: DataFrame, sampleBlockCount: Int): DataFrame = {
+ df.withColumn(
+ "fractionalSampleBlockSize",
+ size(col(valuesField.name)) / sampleBlockCount
+ )
+ .withColumn(
+ sampleBlockIdField.name,
+ explode(
+ sequence(
+ lit(1),
+ lit(sampleBlockCount)
+ ).cast(ArrayType(StringType))
+ )
+ )
+ .withColumn(
+ valuesField.name,
+ expr(
+ s"""slice(
+ | ${valuesField.name},
+ | round((${sampleBlockIdField.name} - 1) * fractionalSampleBlockSize) + 1,
+ | round(${sampleBlockIdField.name} * fractionalSampleBlockSize) - round((${sampleBlockIdField.name} - 1) * fractionalSampleBlockSize)
+ |)""".stripMargin
+ )
+ )
+ }
+
+ def makeVariantAndSampleBlocks(
+ variantDf: DataFrame,
+ variantsPerBlock: Int,
+ sampleBlockCount: Int): DataFrame = {
+ val windowSpec = Window
+ .partitionBy(contigNameField.name, sampleBlockIdField.name)
+ .orderBy(startField.name, refAlleleField.name, alternateAllelesField.name)
+
+ val baseDf = variantDf
+ .withColumn(
+ sortKeyField.name,
+ col(startField.name).cast(IntegerType)
+ )
+ .withColumn(
+ headerField.name,
+ concat_ws(
+ ":",
+ col(contigNameField.name),
+ col(startField.name),
+ col(refAlleleField.name),
+ col(alternateAllelesField.name)
+ )
+ )
+ .withColumn(
+ "stats",
+ subset_struct(
+ array_summary_stats(
+ col(valuesField.name)
+ ),
+ "mean",
+ "stdDev"
+ )
+ )
+ .withColumn(
+ meanField.name,
+ col("stats.mean")
+ )
+ .withColumn(
+ stdDevField.name,
+ col("stats.stdDev")
+ )
+
+ makeSampleBlocks(baseDf, sampleBlockCount)
+ .withColumn(
+ sizeField.name,
+ size(col(valuesField.name))
+ )
+ .withColumn(
+ headerBlockIdField.name,
+ concat_ws(
+ "_",
+ lit("chr"),
+ col(contigNameField.name),
+ lit("block"),
+ ((row_number().over(windowSpec) - 1) / variantsPerBlock).cast(IntegerType)
+ )
+ )
+ .select(
+ col(headerField.name),
+ col(sizeField.name),
+ col(valuesField.name),
+ col(headerBlockIdField.name),
+ col(sampleBlockIdField.name),
+ col(sortKeyField.name),
+ col(meanField.name),
+ col(stdDevField.name)
+ )
+ }
+}
diff --git a/core/src/test/scala/io/projectglow/transformers/blockvariantsandsamples/BlockVariantsAndSamplesTransformerSuite.scala b/core/src/test/scala/io/projectglow/transformers/blockvariantsandsamples/BlockVariantsAndSamplesTransformerSuite.scala
new file mode 100644
index 000000000..4d8b2f68a
--- /dev/null
+++ b/core/src/test/scala/io/projectglow/transformers/blockvariantsandsamples/BlockVariantsAndSamplesTransformerSuite.scala
@@ -0,0 +1,153 @@
+/*
+ * Copyright 2019 The Glow Authors
+ *
+ * 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.
+ */
+
+package io.projectglow.transformers.blockvariantsandsamples
+
+import org.apache.spark.sql.functions._
+import org.apache.spark.sql.SQLUtils
+import org.apache.spark.sql.types._
+
+import io.projectglow.Glow
+import io.projectglow.common.GlowLogging
+import io.projectglow.sql.GlowBaseTest
+import io.projectglow.common.VariantSchemas._
+import io.projectglow.functions.genotype_states
+import io.projectglow.transformers.blockvariantsandsamples.BlockVariantsAndSamplesTransformer._
+
+class BlockVariantsAndSamplesTransformerSuite extends GlowBaseTest with GlowLogging {
+
+ lazy val sourceName: String = "vcf"
+ lazy val testFolder: String = s"$testDataHome/variantsampleblockmaker-test"
+
+ lazy val testVcf =
+ s"$testDataHome/1000G.phase3.broad.withGenotypes.chr20.10100000.vcf"
+
+ lazy val testExpectedTsv =
+ s"$testFolder/1000G.phase3.broad.withGenotypes.chr20.10100000.100Samples.Blocked.tsv"
+
+ def testBlockedvsExpected(
+ originalVCFFileName: String,
+ expectedBlockedFileName: String,
+ variantsPerBlock: Int,
+ sampleBlockCount: Int
+ ): Unit = {
+
+ val options: Map[String, String] = Map(
+ VARIANTS_PER_BLOCK -> variantsPerBlock.toString,
+ SAMPLE_BLOCK_COUNT -> sampleBlockCount.toString
+ )
+
+ val dfOriginal = spark
+ .read
+ .format(sourceName)
+ .load(originalVCFFileName)
+ .withColumn(
+ valuesField.name,
+ slice(
+ genotype_states(
+ col(genotypesFieldName)
+ ),
+ 1,
+ 100
+ ).cast(ArrayType(DoubleType))
+ )
+
+ val dfBlocked = Glow
+ .transform(
+ TRANSFORMER_NAME,
+ dfOriginal,
+ options
+ )
+ .orderBy(
+ headerField.name,
+ headerBlockIdField.name,
+ sampleBlockIdField.name
+ )
+
+ val dfExpected = spark
+ .read
+ .format("csv")
+ .options(
+ Map(
+ "delimiter" -> "\t",
+ "header" -> "true"
+ )
+ )
+ .schema(
+ StructType(
+ Seq(
+ headerField,
+ sizeField,
+ StructField(valuesField.name, StringType),
+ headerBlockIdField,
+ sampleBlockIdField,
+ sortKeyField,
+ meanField,
+ stdDevField
+ )
+ )
+ )
+ .load(testExpectedTsv)
+ .withColumn(
+ valuesField.name,
+ split(col(valuesField.name), ",").cast(ArrayType(DoubleType))
+ )
+
+ assert(dfBlocked.count() == dfExpected.count())
+
+ dfExpected
+ .collect
+ .zip(
+ dfBlocked.collect
+ )
+ .foreach {
+ case (rowExp, rowBlocked) =>
+ assert(rowExp.equals(rowBlocked), s"Expected\n$rowExp\nBlocked\n$rowBlocked")
+ }
+ }
+
+ test("test blocked vs expected") {
+ testBlockedvsExpected(
+ testVcf,
+ testExpectedTsv,
+ 20,
+ 7
+ )
+ }
+
+ test("test schema") {
+ val vcfDf = spark
+ .read
+ .format("vcf")
+ .load(testVcf)
+ .withColumn("values", expr("genotype_states(genotypes)").cast(ArrayType(DoubleType)))
+ val options = Map(VARIANTS_PER_BLOCK -> "10", SAMPLE_BLOCK_COUNT -> "20")
+ val testSchema = Glow.transform(TRANSFORMER_NAME, vcfDf, options).schema
+
+ val expectedSchema = spark
+ .read
+ .format("parquet")
+ .load(s"$testDataHome/wgr/ridge-regression/blockedGT.snappy.parquet")
+ .drop("indices")
+ .schema
+
+ assert(testSchema.length == expectedSchema.length)
+ testSchema.zip(expectedSchema).foreach {
+ case (t, e) =>
+ assert(SQLUtils.structFieldsEqualExceptNullability(t, e), s"Expected\n$e\nBlocked\n$t")
+ }
+ }
+}
diff --git a/docs/extensions/notebook.py b/docs/extensions/notebook.py
index f8ca4c967..23b218dff 100644
--- a/docs/extensions/notebook.py
+++ b/docs/extensions/notebook.py
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 docutils import nodes
from docutils.parsers import rst
from docutils.parsers.rst import directives
diff --git a/docs/source/conf.py b/docs/source/conf.py
index 154fa6c19..56feafd8a 100644
--- a/docs/source/conf.py
+++ b/docs/source/conf.py
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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.
+
+
# -*- coding: utf-8 -*-
#
# Configuration file for the Sphinx documentation builder.
diff --git a/docs/source/conftest.py b/docs/source/conftest.py
index 7be12820f..b357521b9 100644
--- a/docs/source/conftest.py
+++ b/docs/source/conftest.py
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 sybil import Sybil
from sybil.parsers.codeblock import CodeBlockParser
from pandas.testing import assert_series_equal
diff --git a/levels_ridge_regression_tutorial.ipynb b/levels_ridge_regression_tutorial.ipynb
new file mode 100644
index 000000000..35e84897c
--- /dev/null
+++ b/levels_ridge_regression_tutorial.ipynb
@@ -0,0 +1,869 @@
+{
+ "cells": [
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "import pandas as pd\n",
+ "import numpy as np\n",
+ "import pyspark\n",
+ "from pyspark import SparkContext\n",
+ "from pyspark.sql import SparkSession\n",
+ "from glow.levels.linear_model import RidgeReducer, RidgeRegression\n",
+ "import pyspark.sql.functions as f"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "spark = SparkSession.builder.appName('levels').getOrCreate()\n",
+ "spark.conf.set('spark.sql.execution.arrow.enabled', 'true')"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "test_data_root = '/Users/leland.barnard/glow/glow-wgr/test-data/levels/ridge-regression' #path to glow levels test data"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "We need three objects to get started:\n",
+ "* A Spark DataFrame representing the block genotype matrix\n",
+ "* A Spark DataFrame containing a mapping of sample block ID to corresponding list of sample ids\n",
+ "* A Pandas DataFrame containing phenotypes"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "blockdf_lvl0 = spark.read.parquet(f'{test_data_root}/blockedGT.snappy.parquet') #block genotype matrix\n",
+ "indexdf = spark.read.parquet(f'{test_data_root}/groupedIDs.snappy.parquet') #sample block ID to sample list mapping\n",
+ "labeldf = pd.read_csv(f'{test_data_root}/pts.csv').set_index('sample_id') #phenotype data"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### The block genotype matrix as a DataFrame\n",
+ "If we imagine the block genotype matrix conceptually, we think of an *NxM* matrix *X* where each row *n* represents an individual sample, each column *m* represents a variant, and each cell *(n, m)* contains a genotype value for sample *n* at variant *m*. We then imagine laying a coarse grid on top of this matrix such that matrix cells within the same coarse grid cell are all assigned to the same block *x*. Each block *x* is indexed by a sample block ID (corresponding to a list of rows belonging to the block) and a header block ID (corresponding to a list of columns belonging to the block). The sample block IDs are generally just integers 0 through the number of sample blocks. The header block IDs are strings of the form 'chr_C_block_B', which refers to the Bth block on chromosome C. The Spark DataFrame representing this block matrix can be thought of as the transpose of each block *xT* all stacked one atop another. Each row represents the values from a particular column from *X*, for the samples corresponding to a particular sample block. The fields in the DataFrame are:\n",
+ "* header: Corresponds to a column name in the conceptual matrix *X*.\n",
+ "* size: If the matrix is sparse (so that genotype values of 0 are implicit), the values for this header are represented as a sparse vector, and this column contains the size of that sparse vector. Corresponds to the number of individuals in the sample block for the row.\n",
+ "* indices: (Optional, present of the matrix is sparse) Indices of the non-zero entries in the sparse vector for this header in this sample block.\n",
+ "* values: Genotype values for this header in this sample block. If the matrix is sparse, contains only non-zero values.\n",
+ "* header_block: An ID assigned to the block *x* containing this header.\n",
+ "* sample_block: An ID assigned to the block *x* containing the group of samples represented on this row.\n",
+ "* position: An integer assigned to this header that specifies the correct sort order for the headers in this block.\n",
+ "* mu: The mean of the genotype calls for this header\n",
+ "* sig: The standard deviation of the genotype calls for this header"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+---------------+----+--------------------+--------------------+-------------+------------+---------+------------------+------------------+\n",
+ "| header|size| indices| values| header_block|sample_block| position| mu| sig|\n",
+ "+---------------+----+--------------------+--------------------+-------------+------------+---------+------------------+------------------+\n",
+ "|2:231414300:T:C| 9| [0, 1, 6, 7, 8]|[1.0, 1.0, 1.0, 1...|chr_2_block_6| 7|231414300|0.8686868686868686|0.6730002176294544|\n",
+ "|2:231414300:T:C| 10|[0, 1, 2, 3, 4, 5...|[2.0, 1.0, 1.0, 1...|chr_2_block_6| 1|231414300|0.8686868686868686|0.6730002176294544|\n",
+ "|2:231414300:T:C| 12|[1, 3, 4, 5, 7, 8...|[2.0, 1.0, 1.0, 1...|chr_2_block_6| 8|231414300|0.8686868686868686|0.6730002176294544|\n",
+ "|2:231414300:T:C| 13|[0, 1, 2, 3, 4, 5...|[2.0, 1.0, 2.0, 1...|chr_2_block_6| 9|231414300|0.8686868686868686|0.6730002176294544|\n",
+ "+---------------+----+--------------------+--------------------+-------------+------------+---------+------------------+------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "blockdf_lvl0.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### The sample block mapping\n",
+ "This is a comparitively simple key-value store where each key is a sample block ID and each value is a list of sample IDs contained in that sample block. As a Spark DataFrame, this is represented as a two column DataFrame with the following fields:\n",
+ "* sample_block: ID for a sample block\n",
+ "* sample_ids: Array of sample IDs for the samples in this sample block. The order of these IDs must match the order of the values arrays in the block genotype DataFrame."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------------+--------------------+\n",
+ "|sample_block| sample_ids|\n",
+ "+------------+--------------------+\n",
+ "| 3|[1008962444, 1035...|\n",
+ "| 9|[1083737921, 1041...|\n",
+ "| 7|[1048623585, 1030...|\n",
+ "| 1|[1073111137, 1082...|\n",
+ "+------------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "indexdf.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### The phenotype data\n",
+ "The phenotype data is represented as a Pandas DataFrame indexed by the sample ID. Each column represents a single phenotype, and it is assumed that there are no missing phenotype values, and that the phenotypes mean centered at 0."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " sim100 | \n",
+ " sim92 | \n",
+ " sim58 | \n",
+ " sim16 | \n",
+ "
\n",
+ " \n",
+ " | sample_id | \n",
+ " | \n",
+ " | \n",
+ " | \n",
+ " | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " | 1042204109 | \n",
+ " -0.905058 | \n",
+ " -1.171217 | \n",
+ " -1.437376 | \n",
+ " -1.703535 | \n",
+ "
\n",
+ " \n",
+ " | 1035505158 | \n",
+ " -0.616539 | \n",
+ " -0.411283 | \n",
+ " -0.206027 | \n",
+ " -0.000770 | \n",
+ "
\n",
+ " \n",
+ " | 1008166305 | \n",
+ " -0.946014 | \n",
+ " -0.482639 | \n",
+ " -0.019263 | \n",
+ " 0.444112 | \n",
+ "
\n",
+ " \n",
+ " | 1068805020 | \n",
+ " -1.155375 | \n",
+ " -0.660005 | \n",
+ " -0.164634 | \n",
+ " 0.330736 | \n",
+ "
\n",
+ " \n",
+ " | 1095012035 | \n",
+ " -1.024889 | \n",
+ " -0.492179 | \n",
+ " 0.040530 | \n",
+ " 0.573240 | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " sim100 sim92 sim58 sim16\n",
+ "sample_id \n",
+ "1042204109 -0.905058 -1.171217 -1.437376 -1.703535\n",
+ "1035505158 -0.616539 -0.411283 -0.206027 -0.000770\n",
+ "1008166305 -0.946014 -0.482639 -0.019263 0.444112\n",
+ "1068805020 -1.155375 -0.660005 -0.164634 0.330736\n",
+ "1095012035 -1.024889 -0.492179 0.040530 0.573240"
+ ]
+ },
+ "execution_count": 7,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "labeldf.head()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### Reducer model fitting\n",
+ "The first step in the fitting procedure is to apply a dimensionality reduction to the block matrix *X* using the `RidgeReducer`. This is accomplished by fitting multiple ridge models within each block *x* and producing a new block matrix where each column represents the prediction of one ridge model applied within one block. This approach to model building is generally referred to as **stacking**. We will call the block genotype matrix we started with the **level 0** matrix in the stack *X0*, and the output of the ridge reduction step the **level 1** matrix *X1*. The `RidgeReducer` class is used for this step, which is initiallized with a list of ridge regularization values (referred to here as alpha). Since ridge models are indexed by these alpha values, the `RidgeReducer` will generate one ridge model per value of alpha provided, which in turn will produce one column per block in *X0*, so the final dimensions of matrix *X1* will be *Nx(LxK)*, where *L* is the number of header blocks in *X0* and *K* is the number of alpha values provided to the `RidgeReducer`. In practice, we can estimate a span of alpha values in a reasonable order of magnitude based on guesses at the heritability of the phenotype we are fitting, but here we will just pick some values."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "alphas_lvl0 = np.logspace(2, 5, 10)\n",
+ "stack_lvl0 = RidgeReducer(alphas_lvl0)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "When the `RidgeReducer` is initialized, it will assign names to the provided alphas and store them in a dict accessible as `RidgeReducer.alphas`. This is mostly just to give an easily readable and sortable name to the models produced for each ridge value."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "{'alpha_0': 100.0,\n",
+ " 'alpha_1': 215.44346900318845,\n",
+ " 'alpha_2': 464.15888336127773,\n",
+ " 'alpha_3': 1000.0,\n",
+ " 'alpha_4': 2154.4346900318824,\n",
+ " 'alpha_5': 4641.588833612777,\n",
+ " 'alpha_6': 10000.0,\n",
+ " 'alpha_7': 21544.346900318822,\n",
+ " 'alpha_8': 46415.888336127726,\n",
+ " 'alpha_9': 100000.0}"
+ ]
+ },
+ "execution_count": 9,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "stack_lvl0.alphas"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The `RidgeReducer.fit(blockdf, labeldf, indexdf)` method generates a Spark DataFrame representing the model that we can use to reduce *X0* to *X1*."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "modeldf_lvl0 = stack_lvl0.fit(blockdf_lvl0, labeldf, indexdf)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "In explicit terms, the reduction of a block *x0* from *X0* to the corresponding block *x1* from *X1* is accomplished by the matrix multiplication *x0 * B = x1*, where *B* is a coefficient matrix of size *mxK*, where *m* is the number of columns in block *x0* and *K* is the number of alpha values used in the reduction. As an added wrinkle, if the ridge reduction is being performed against multiple phenotypes at once, each phenotype will have its own *B*, and for convenience we panel these next to each other in the output into a single matrix, so *B* in that case has dimensions *mx(K*P)* where *P* is the number of phenotypes. Each matrix *B* is specific to a particular block in *X0*, so the Spark DataFrame produced by the `RidgeReducer` can be thought of all of as the matrices *B* from all of the blocks stacked one atop another. The fields in the model DataFrame are:\n",
+ "* header_block: An ID assigned to the block *x0* corresponding to the coefficients in this row.\n",
+ "* sample_block: An ID assigned to the block *x0* corresponding to the coefficients in this row.\n",
+ "* header: The name of a column from the conceptual matrix *X0* that correspond with a particular row from the coefficient matrix *B*.\n",
+ "* alphas: List of alpha names corresponding to the columns of *B*.\n",
+ "* labels: List of label (i.e., phenotypes) corresponding to the columns of *B*. \n",
+ "* coefficients: List of the actual values from a row in *B*"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 11,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+-------------+------------+---------------+---------+--------------------+--------------------+--------------------+\n",
+ "| header_block|sample_block| header| position| alphas| labels| coefficients|\n",
+ "+-------------+------------+---------------+---------+--------------------+--------------------+--------------------+\n",
+ "|chr_3_block_8| 0|3:160741710:G:A|160741710|[alpha_0, alpha_1...|[sim100, sim100, ...|[0.07462677364336...|\n",
+ "|chr_3_block_8| 0|3:175345110:C:T|175345110|[alpha_0, alpha_1...|[sim100, sim100, ...|[0.07834053929928...|\n",
+ "|chr_3_block_8| 0|3:183469890:A:G|183469890|[alpha_0, alpha_1...|[sim100, sim100, ...|[0.02152237814164...|\n",
+ "|chr_3_block_8| 0|3:195047160:C:T|195047160|[alpha_0, alpha_1...|[sim100, sim100, ...|[0.01153728383795...|\n",
+ "+-------------+------------+---------------+---------+--------------------+--------------------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "modeldf_lvl0.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### Reducer transformation\n",
+ "After fitting, the `RidgeReducer.transform(blockdf, labeldf, modeldf)` method can be used to generate `X1` from `X0`."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 12,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "blockdf_lvl1 = stack_lvl0.transform(blockdf_lvl0, labeldf, modeldf_lvl0)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The output of the transformation is closely analogous to the block matrix DataFrame we started with. The main difference is that, rather than representing a single block matrix, it really represents multiple block matrices, with one such matrix per label (phenotype). Comparing the schema of this block matrix DataFrame (`blockdf_lvl1`) with the DataFrame we started with (`blockdf_lvl0`), the new columns are:\n",
+ "* alpha: This is the name of the alpha value used in fitting the model that produced the values in this row.\n",
+ "* label: This is the label corresponding to the values in this row. Since the genotype block matrix *X0* is phenotype-agnostic, the rows in `blockdf_lvl0` were not restricted to any label/phenotype, but the level 1 block matrix *X1* represents ridge model predictions for the labels the reducer was fit with, so each row is associated with a specific label."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+--------------------+----+--------------------+------------+------------+--------+--------------------+-------------------+-------+------+\n",
+ "| header|size| values|header_block|sample_block|position| mu| sig| alpha| label|\n",
+ "+--------------------+----+--------------------+------------+------------+--------+--------------------+-------------------+-------+------+\n",
+ "|chr_3_block_8_alp...| 13|[0.08337895454032...| chr_3| 0| 80| 0.04148112816674154|0.19099426058493266|alpha_0|sim100|\n",
+ "|chr_3_block_8_alp...| 13|[0.04796003873174...| chr_3| 0| 81| 0.02402075708176127|0.11316256614620662|alpha_1|sim100|\n",
+ "|chr_3_block_8_alp...| 13|[0.02504256254617...| chr_3| 0| 82|0.012596289114544081|0.06030642726717367|alpha_2|sim100|\n",
+ "|chr_3_block_8_alp...| 13|[0.01234023662311...| chr_3| 0| 83|0.006221371128544...|0.03006776034645892|alpha_3|sim100|\n",
+ "+--------------------+----+--------------------+------------+------------+--------+--------------------+-------------------+-------+------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "blockdf_lvl1.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The headers in the *X1* block matrix are derived from a combination of the source block in *X0*, the alpha value used in fitting the ridge model, and the label they were fit with. These headers are assigned to header blocks that correspond to the chromosome of the source block in *X0*."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 14,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+----------------------------------+------------+\n",
+ "|header |header_block|\n",
+ "+----------------------------------+------------+\n",
+ "|chr_3_block_8_alpha_0_label_sim100|chr_3 |\n",
+ "|chr_3_block_8_alpha_1_label_sim100|chr_3 |\n",
+ "|chr_3_block_8_alpha_2_label_sim100|chr_3 |\n",
+ "|chr_3_block_8_alpha_3_label_sim100|chr_3 |\n",
+ "+----------------------------------+------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "blockdf_lvl1.select('header', 'header_block').show(4, False)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### Regression fitting\n",
+ "The block matrix *X1* can be used to fit a final predictive model that can generate phenotype predictions *y_hat* using the `RidgeRegression` class. As with the `RidgeReducer` class, this class is initialized with a list of alpha values."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 15,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "alphas_lvl1 = np.logspace(1, 4, 10)\n",
+ "estimator_lvl1 = RidgeRegression(alphas_lvl1)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 16,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "modeldf_lvl1_est, cvdf_lvl1 = estimator_lvl1.fit(blockdf_lvl1, labeldf, indexdf)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The `RidgeRegression.fit(blockdf, labeldf, indexdf)` works in much the same way as the `RidgeReducer.fit(blockdf, labeldf, indexdf)` method, except that it returns two DataFrames:"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "A model DataFrame analogous to the model DataFrame provided by the `RidgeReducer`. An important difference is that the header block ID for all rows will be 'all', indicating that all headers from all blocks have been used in a single fit, rather than fitting within blocks."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 17,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------------+------------+--------------------+--------+--------------------+--------------------+--------------------+\n",
+ "|header_block|sample_block| header|position| alphas| labels| coefficients|\n",
+ "+------------+------------+--------------------+--------+--------------------+--------------------+--------------------+\n",
+ "| all| 1|chr_1_block_0_alp...| 0|[alpha_0, alpha_1...|[sim16, sim16, si...|[0.02787784249249...|\n",
+ "| all| 1|chr_2_block_0_alp...| 0|[alpha_0, alpha_1...|[sim16, sim16, si...|[-0.0164002560049...|\n",
+ "| all| 1|chr_3_block_0_alp...| 0|[alpha_0, alpha_1...|[sim16, sim16, si...|[-0.0234168451974...|\n",
+ "| all| 1|chr_1_block_0_alp...| 1|[alpha_0, alpha_1...|[sim16, sim16, si...|[0.00381390574280...|\n",
+ "+------------+------------+--------------------+--------+--------------------+--------------------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "modeldf_lvl1_est.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "A cross validation (cv) report DataFrame, which reports the results of the hyperparameter (i.e., alpha) value optimization routine.\n",
+ "* label: This is the label corresponding to the cross cv results on the row.\n",
+ "* alpha: The name of the optimal alpha value\n",
+ "* r2_mean: The mean out of fold r2 score for the optimal alpha value"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 18,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------+-------+--------------------+\n",
+ "| label| alpha| r2_mean|\n",
+ "+------+-------+--------------------+\n",
+ "| sim92|alpha_5| 0.18389799898047948|\n",
+ "| sim16|alpha_8|-0.22499071350515992|\n",
+ "| sim58|alpha_6|-0.02504464471643515|\n",
+ "|sim100|alpha_5| 0.2566748993770534|\n",
+ "+------+-------+--------------------+\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "cvdf_lvl1.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### Producing phenotype predictions *y_hat*\n",
+ "After fitting the `RidgeRegression` model, the model DataFrame and cv DataFrame are used to apply the model to the block matrix DataFrame to produce predictions (*y_hat*) for each label in each sample block using the `RidgeRegression.transform(blockdf, labeldf, modeldf, cvdf)` method"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 19,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "y_hat_lvl1 = estimator_lvl1.transform(blockdf_lvl1, labeldf, modeldf_lvl1_est, cvdf_lvl1)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The resulting *y_hat* DataFrame has the following fields:\n",
+ "* sample_block: The sample block ID for the samples corresponding to the *y_hat* values on this row.\n",
+ "* label: The label corresponding to the *y_hat* values on this row\n",
+ "* alpha: The name of the alpha value used to fit the model that produced the *y_hat* values on this row.\n",
+ "* values: The array of *y_hat* values for the samples in the sample block for this row."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 20,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------------+-----+-------+--------------------+\n",
+ "|sample_block|label| alpha| values|\n",
+ "+------------+-----+-------+--------------------+\n",
+ "| 1|sim16|alpha_8|[0.08461773658136...|\n",
+ "| 4|sim16|alpha_8|[0.08343907935865...|\n",
+ "| 7|sim16|alpha_8|[-0.0976335915514...|\n",
+ "| 8|sim16|alpha_8|[-0.0461222342349...|\n",
+ "+------------+-----+-------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "y_hat_lvl1.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "#### Fitting a second round of ridge reduction instead of ridge regression\n",
+ "After fitting the first ridge reduction step and producing *X1* from *X0*, we can go directly into fitting the final ridge regression model, as we have just seen. Alternatively, we can fit a second round of ridge reduction to squeeze *X1* into an even smaller feature matrix, which we will call the **level 2** matrix *X2*. This has some advantages when it comes to generating the leave-one-chromosome-out versions of the *y_hat*s and does not come at much additional cost. The procedure for fitting the second round of ridge reduction is identical to the first (we will reuse the same alphas we chose for the ridge regression fit above):"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 21,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "stack_lvl1 = RidgeReducer(alphas_lvl1)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 22,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "modeldf_lvl1 = stack_lvl1.fit(blockdf_lvl1, labeldf, indexdf)\n",
+ "blockdf_lvl2 = stack_lvl1.transform(blockdf_lvl1, labeldf, modeldf_lvl1)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The **level 2** block matrix DataFrame produced here has an identical schema to the **level 1** block matrix. A key difference is that the header block ID for all headers is now \"all\" for all headers, indicating that there are now no more blocks to collapse."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 23,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+--------------------+----+--------------------+------------+------------+--------+--------------------+-------------------+-------+-----+\n",
+ "| header|size| values|header_block|sample_block|position| mu| sig| alpha|label|\n",
+ "+--------------------+----+--------------------+------------+------------+--------+--------------------+-------------------+-------+-----+\n",
+ "|all_block_1_alpha...| 13|[-0.0796642628265...| all| 9| 10|-1.49453099468771...| 0.4138556129030118|alpha_0|sim16|\n",
+ "|all_block_1_alpha...| 13|[-0.0957216101643...| all| 9| 11| 0.0|0.40982580962691184|alpha_1|sim16|\n",
+ "|all_block_1_alpha...| 13|[-0.1070572367031...| all| 9| 12|5.124106267500723...|0.40028561461234197|alpha_2|sim16|\n",
+ "|all_block_1_alpha...| 13|[-0.1163419313886...| all| 9| 13|1.708035422500241...| 0.3798792747100316|alpha_3|sim16|\n",
+ "+--------------------+----+--------------------+------------+------------+--------+--------------------+-------------------+-------+-----+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "blockdf_lvl2.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The headers for each column now follow the name convention 'all_block_B_alpha_A_label_L', which refer to the ridge model prediction using alpha A and for label L fit using the features from header block B from block matrix *X1*. Since the blocks in *X1* refer to chromosomes, the block number B here can be interpreted as a chromosome. The 'all' token reflects the fact that we are not assigning the columns in *X2* to any new blocks (i.e, *X2* only has sample blocks, but there is only one header block which encompasses the entire matrix)."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 24,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+-------------------------------+\n",
+ "|header |\n",
+ "+-------------------------------+\n",
+ "|all_block_1_alpha_0_label_sim16|\n",
+ "|all_block_1_alpha_1_label_sim16|\n",
+ "|all_block_1_alpha_2_label_sim16|\n",
+ "|all_block_1_alpha_3_label_sim16|\n",
+ "+-------------------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "blockdf_lvl2.select('header').show(4, False)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "We can now fit a ridge regression model as we did above, except that we will use the matrix *X2* instead of *X1*"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 25,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "alphas_lvl2 = np.logspace(0, 3, 10)\n",
+ "estimator_lvl2 = RidgeRegression(alphas_lvl2)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 26,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "modeldf_lvl2_est, cvdf_lvl2 = estimator_lvl2.fit(blockdf_lvl2, labeldf, indexdf)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 27,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------------+------------+--------------------+--------+--------------------+--------------------+--------------------+\n",
+ "|header_block|sample_block| header|position| alphas| labels| coefficients|\n",
+ "+------------+------------+--------------------+--------+--------------------+--------------------+--------------------+\n",
+ "| all| 1|all_block_1_alpha...| 10|[alpha_0, alpha_1...|[sim16, sim16, si...|[-0.0939792871878...|\n",
+ "| all| 1|all_block_1_alpha...| 11|[alpha_0, alpha_1...|[sim16, sim16, si...|[-0.0788683759104...|\n",
+ "| all| 1|all_block_1_alpha...| 12|[alpha_0, alpha_1...|[sim16, sim16, si...|[-0.0693010949556...|\n",
+ "| all| 1|all_block_1_alpha...| 13|[alpha_0, alpha_1...|[sim16, sim16, si...|[-0.0446945065691...|\n",
+ "+------------+------------+--------------------+--------+--------------------+--------------------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "modeldf_lvl2_est.show(4)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 28,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------+-------+--------------------+\n",
+ "| label| alpha| r2_mean|\n",
+ "+------+-------+--------------------+\n",
+ "| sim92|alpha_7| 0.199251090828654|\n",
+ "| sim16|alpha_9|-0.22903758326079596|\n",
+ "| sim58|alpha_7|0.005461670993813417|\n",
+ "|sim100|alpha_8| 0.2314559298409073|\n",
+ "+------+-------+--------------------+\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "cvdf_lvl2.show(4)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 29,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "y_hat_lvl2 = estimator_lvl2.transform(blockdf_lvl2, labeldf, modeldf_lvl2_est, cvdf_lvl2)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 30,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------------+-----+-------+--------------------+\n",
+ "|sample_block|label| alpha| values|\n",
+ "+------------+-----+-------+--------------------+\n",
+ "| 9|sim58|alpha_7|[-0.2126330471314...|\n",
+ "| 6|sim58|alpha_7|[0.18042213283121...|\n",
+ "| 5|sim58|alpha_7|[-0.0126226427178...|\n",
+ "| 2|sim58|alpha_7|[0.00871975701462...|\n",
+ "+------------+-----+-------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "y_hat_lvl2.show(4)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "For producing the LOCO versions of the *y_hat* vectors, it is only necessary to filter out rows from `blockdf_lvl2` corresponding to the chromosome we wish to drop before applying the transformation. For example, if we wanted to produce *y_hat* with chromosome 1 left out (recall that the chromosomes constitute the source blocks for the headers in `blockdf_lvl2`, so headers from chromosome 1 will have headers like %block_1%):"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 31,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "y_hat_lvl2_loco1 = estimator_lvl2.transform(blockdf_lvl2.filter(f'header NOT LIKE \"%block_1%\"'), labeldf, modeldf_lvl2_est, cvdf_lvl2)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 32,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "+------------+-----+-------+--------------------+\n",
+ "|sample_block|label| alpha| values|\n",
+ "+------------+-----+-------+--------------------+\n",
+ "| 9|sim58|alpha_7|[-0.1347024836295...|\n",
+ "| 6|sim58|alpha_7|[0.20213653390706...|\n",
+ "| 5|sim58|alpha_7|[-0.1602333580401...|\n",
+ "| 2|sim58|alpha_7|[-0.1511874717623...|\n",
+ "+------------+-----+-------+--------------------+\n",
+ "only showing top 4 rows\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "y_hat_lvl2_loco1.show(4)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": []
+ }
+ ],
+ "metadata": {
+ "kernelspec": {
+ "display_name": "glow",
+ "language": "python",
+ "name": "glow"
+ },
+ "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.7.7"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 4
+}
diff --git a/pyspark-setup.py b/pyspark-setup.py
index 95d36d138..ce1617512 100644
--- a/pyspark-setup.py
+++ b/pyspark-setup.py
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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.
+
+
# Minimal setup.py for PySpark for Python and docs testing
from setuptools import setup
import sys
diff --git a/python/environment.yml b/python/environment.yml
index 65606528c..455161675 100644
--- a/python/environment.yml
+++ b/python/environment.yml
@@ -6,10 +6,11 @@ dependencies:
- bedtools
- jinja2
- numpy=1.17.4
+ - scipy=1.4.1
- nomkl # Skip MKL for local development
- pandas=0.25.3
- pip
- - pyarrow=0.13.0
+ - pyarrow=0.15.1
- pyspark=2.4.5
- pytest
- pyyaml
@@ -23,3 +24,4 @@ dependencies:
- sphinx-tabs==1.1.13 # Code tabs (Python/Scala)
- sybil==1.2.0 # Automatic doctest
- yapf==0.30.0
+ - nptyping==1.1.0
diff --git a/python/glow/__init__.py b/python/glow/__init__.py
index 38dc332a9..6bb123213 100644
--- a/python/glow/__init__.py
+++ b/python/glow/__init__.py
@@ -1,2 +1,17 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow.glow import *
from glow.functions import *
+from glow.wgr import *
diff --git a/python/glow/conftest.py b/python/glow/conftest.py
index 435f50c80..e0ea6f572 100644
--- a/python/glow/conftest.py
+++ b/python/glow/conftest.py
@@ -1,9 +1,23 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 pytest
from pyspark.sql import functions, Row
import glow
-@pytest.fixture(autouse=True)
+@pytest.fixture(autouse=True, scope="module")
def add_spark(doctest_namespace, spark):
glow.register(spark)
doctest_namespace['Row'] = Row
diff --git a/python/glow/conversions.py b/python/glow/conversions.py
index 077d45c61..2339c65ce 100644
--- a/python/glow/conversions.py
+++ b/python/glow/conversions.py
@@ -1,3 +1,17 @@
+# Copyright 2019 The Glow Authors
+#
+# 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
from py4j.java_collections import JavaArray
from pyspark import SparkContext
diff --git a/python/glow/functions.py b/python/glow/functions.py
index 0565c924d..abfb03b7c 100644
--- a/python/glow/functions.py
+++ b/python/glow/functions.py
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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.
+
+
# The Glow Python functions
# Note that this file is generated from the definitions in functions.yml.
diff --git a/python/glow/functions.py.TEMPLATE b/python/glow/functions.py.TEMPLATE
index 79c622203..ea6f5340f 100644
--- a/python/glow/functions.py.TEMPLATE
+++ b/python/glow/functions.py.TEMPLATE
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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.
+
+
# The Glow Python functions
# Note that this file is generated from the definitions in functions.yml.
diff --git a/python/glow/glow.py b/python/glow/glow.py
index b05ee64ff..2d5b21b5b 100644
--- a/python/glow/glow.py
+++ b/python/glow/glow.py
@@ -1,3 +1,17 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow.conversions import OneDimensionalDoubleNumpyArrayConverter, TwoDimensionalDoubleNumpyArrayConverter
from py4j import protocol
from py4j.protocol import register_input_converter
diff --git a/python/glow/tests/__init__.py b/python/glow/tests/__init__.py
deleted file mode 100644
index e69de29bb..000000000
diff --git a/python/glow/tests/test_conversions.py b/python/glow/tests/test_conversions.py
index 3a8457fbf..e267f2cb8 100644
--- a/python/glow/tests/test_conversions.py
+++ b/python/glow/tests/test_conversions.py
@@ -1,3 +1,17 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow.conversions import OneDimensionalDoubleNumpyArrayConverter, TwoDimensionalDoubleNumpyArrayConverter
from importlib import reload
import numpy as np
diff --git a/python/glow/tests/test_register.py b/python/glow/tests/test_register.py
index 73a80a5ff..077cef178 100644
--- a/python/glow/tests/test_register.py
+++ b/python/glow/tests/test_register.py
@@ -1,3 +1,17 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 pytest
from pyspark.sql import Row
from pyspark.sql.utils import AnalysisException
diff --git a/python/glow/tests/test_transform.py b/python/glow/tests/test_transform.py
index fc852f647..44b54d7c3 100644
--- a/python/glow/tests/test_transform.py
+++ b/python/glow/tests/test_transform.py
@@ -1,5 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 pytest
-from pyspark.sql.functions import expr, lit
from pyspark.sql.utils import IllegalArgumentException
import glow
diff --git a/python/glow/wgr/__init__.py b/python/glow/wgr/__init__.py
new file mode 100644
index 000000000..04df5e9d9
--- /dev/null
+++ b/python/glow/wgr/__init__.py
@@ -0,0 +1,13 @@
+# Copyright 2019 The Glow Authors
+#
+# 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.
diff --git a/python/glow/wgr/functions.py b/python/glow/wgr/functions.py
new file mode 100644
index 000000000..533415eb8
--- /dev/null
+++ b/python/glow/wgr/functions.py
@@ -0,0 +1,131 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow import glow
+from pyspark import SparkContext
+from pyspark.sql import DataFrame, Row, SQLContext
+from typeguard import check_argument_types, check_return_type
+from typing import Dict, List
+
+
+def __validate_sample_ids(sample_ids: List[str]):
+ """"
+ Validates that a set of sample IDs are valid (non-empty and unique).
+ """
+ assert check_argument_types()
+ if any(not s for s in sample_ids):
+ raise Exception("Cannot have empty sample IDs.")
+ if len(sample_ids) != len(set(sample_ids)):
+ raise Exception("Cannot have duplicated sample IDs.")
+
+
+def __get_index_map(sample_ids: List[str], sample_block_count: int,
+ sql_ctx: SQLContext) -> Dict[str, List[str]]:
+ """
+ Creates an index mapping from sample blocks to a list of corresponding sample IDs. Uses the same sample-blocking
+ logic as the blocked GT matrix transformer.
+
+ Requires that:
+ - Each variant row has the same number of values
+ - The number of values per row matches the number of sample IDs
+
+ Args:
+ sample_ids : The list of sample ID strings
+ sample_block_count : The number of sample blocks
+
+ Returns:
+ index mapping from sample block IDs to a list of sample IDs
+ """
+
+ assert check_argument_types()
+
+ sample_id_df = sql_ctx.createDataFrame([Row(values=sample_ids)])
+ make_sample_blocks_fn = SparkContext._jvm.io.projectglow.transformers.blockvariantsandsamples.VariantSampleBlockMaker.makeSampleBlocks
+ output_jdf = make_sample_blocks_fn(sample_id_df._jdf, sample_block_count)
+ output_df = DataFrame(output_jdf, sql_ctx)
+ output_df.printSchema()
+ index_map = {r.sample_block: r.values for r in output_df.collect()}
+
+ assert check_return_type(index_map)
+ return index_map
+
+
+def get_sample_ids(data: DataFrame) -> List[str]:
+ """
+ Extracts sample IDs from a variant DataFrame, such as one read from PLINK files.
+
+ Requires that the sample IDs:
+ - Are in `genotype.sampleId`
+ - Are the same across all the variant rows
+ - Are a list of strings
+ - Are non-empty
+ - Are unique
+
+ Args:
+ data : The variant DataFrame containing sample IDs
+
+ Returns:
+ list of sample ID strings
+ """
+ assert check_argument_types()
+ distinct_sample_id_sets = data.selectExpr("genotypes.sampleId as sampleIds").distinct()
+ if distinct_sample_id_sets.count() != 1:
+ raise Exception("Each row must have the same set of sample IDs.")
+ sample_ids = distinct_sample_id_sets.head().sampleIds
+ __validate_sample_ids(sample_ids)
+ assert check_return_type(sample_ids)
+ return sample_ids
+
+
+def block_variants_and_samples(variant_df: DataFrame, sample_ids: List[str],
+ variants_per_block: int,
+ sample_block_count: int) -> (DataFrame, Dict[str, List[str]]):
+ """
+ Creates a blocked GT matrix and index mapping from sample blocks to a list of corresponding sample IDs. Uses the
+ same sample-blocking logic as the blocked GT matrix transformer.
+
+ Requires that:
+ - Each variant row has the same number of values
+ - The number of values per row matches the number of sample IDs
+
+ Args:
+ variant_df : The variant DataFrame
+ sample_ids : The list of sample ID strings
+ variants_per_block : The number of variants per block
+ sample_block_count : The number of sample blocks
+
+ Returns:
+ tuple of (blocked GT matrix, index mapping)
+ """
+ assert check_argument_types()
+ distinct_num_values = variant_df.selectExpr("size(values) as numValues").distinct()
+ distinct_num_values_count = distinct_num_values.count()
+ if distinct_num_values_count == 0:
+ raise Exception("DataFrame has no values.")
+ if distinct_num_values_count > 1:
+ raise Exception("Each row must have the same number of values.")
+ num_values = distinct_num_values.head().numValues
+ if num_values != len(sample_ids):
+ raise Exception("Number of values does not match between DataFrame and sample ID list.")
+ __validate_sample_ids(sample_ids)
+
+ blocked_gt = glow.transform("block_variants_and_samples",
+ variant_df,
+ variants_per_block=variants_per_block,
+ sample_block_count=sample_block_count)
+ index_map = __get_index_map(sample_ids, sample_block_count, variant_df.sql_ctx)
+
+ output = blocked_gt, index_map
+ assert check_return_type(output)
+ return output
diff --git a/python/glow/wgr/linear_model/__init__.py b/python/glow/wgr/linear_model/__init__.py
new file mode 100644
index 000000000..f487a8e1a
--- /dev/null
+++ b/python/glow/wgr/linear_model/__init__.py
@@ -0,0 +1,15 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 .ridge_model import *
diff --git a/python/glow/wgr/linear_model/functions.py b/python/glow/wgr/linear_model/functions.py
new file mode 100644
index 000000000..f2563d535
--- /dev/null
+++ b/python/glow/wgr/linear_model/functions.py
@@ -0,0 +1,230 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 itertools
+from nptyping import Float, Int, NDArray
+import numpy as np
+import pandas as pd
+from typeguard import typechecked
+from typing import Any, Iterable, List, Tuple
+
+
+@typechecked
+def sort_in_place(pdf: pd.DataFrame, columns: List[str]) -> None:
+ """
+ A faster alternative to DataFrame.sort_values. Note that this function is less sophisticated
+ than sort_values and does not allow for control over sort direction or null handling.
+
+ Adapted from https://github.com/pandas-dev/pandas/issues/15389.
+
+ Args:
+ pdf : The pandas DataFrame to sort
+ columns : Columns to sort by
+ """
+ order = np.lexsort([pdf[col].array for col in reversed(columns)])
+ for col in list(pdf.columns):
+ pdf[col].array[:] = pdf[col].array[order]
+
+
+@typechecked
+def parse_key(key: Tuple, key_pattern: List[str]) -> Tuple[str, str, str]:
+ """
+ Interprets the key corresponding to a group from a groupBy clause. The key may be of the form:
+ (header_block, sample_block),
+ (header_block, sample_block, label),
+ (header_block, header),
+ (header_block, header, label),
+ (sample_block, label)
+ depending on the context. In each case, a tuple with 3 members is returned, with the missing member filled in by
+ 'all' where necessary
+
+ Args:
+ key : key for the group
+ key_pattern : one of the aforementioned key patterns
+
+ Returns:
+ tuple of (header_block, sample_block, label) or (header_block, header, label), where header_block or label may be filled with 'all'
+ depending on context.
+ """
+ if key_pattern == ['header_block', 'sample_block']:
+ return key[0], key[1], 'all'
+ elif key_pattern == ['header_block', 'header']:
+ return key[0], key[1], 'all'
+ elif key_pattern == ['sample_block', 'label']:
+ return 'all', key[0], key[1]
+ elif len(key) != 3:
+ raise ValueError(f'Key must have 3 values, pattern is {key_pattern}')
+ else:
+ return key
+
+
+@typechecked
+def assemble_block(n_rows: Int, n_cols: Int, pdf: pd.DataFrame,
+ cov_matrix: NDArray[(Any, Any), Float]) -> NDArray[Float]:
+ """
+ Creates a dense n_rows by n_cols matrix from the array of either sparse or dense vectors in the Pandas DataFrame
+ corresponding to a group. This matrix represents a block.
+
+ Args:
+ n_rows : The number of rows in the resulting matrix
+ n_cols : The number of columns in the resulting matrix
+ pdf : Pandas DataFrame corresponding to a group
+ cov_matrix: 2D numpy array representing covariate columns that should be prepended to matrix X from the block. Can be
+ empty if covariates are not being applied.
+
+ Returns:
+ Dense n_rows by n_columns matrix where the columns have been 0-centered and standard scaled.
+ """
+ mu = pdf['mu'].to_numpy()
+ sig = pdf['sig'].to_numpy()
+
+ if 0 in sig:
+ raise ValueError(f'Standard deviation cannot be 0.')
+
+ if 'indices' not in pdf.columns:
+ X_raw = np.column_stack(pdf['values'].array)
+ else:
+ X_raw = np.zeros([n_rows, n_cols])
+ for column, row in enumerate(pdf[['indices', 'values']].itertuples()):
+ X_raw[row.indices, column] = row.values
+
+ X = ((X_raw - mu) / sig)
+
+ if cov_matrix.any():
+ return np.column_stack((cov_matrix, X))
+ else:
+ return X
+
+
+@typechecked
+def slice_label_rows(labeldf: pd.DataFrame, label: str, sample_list: List[str]) -> NDArray[Float]:
+ """
+ Selects rows from the Pandas DataFrame of labels corresponding to the samples in a particular sample_block.
+
+ Args:
+ labeldf : Pandas DataFrame containing the labels
+ label : Header for the particular label to slice. Can be 'all' if all labels are desired.
+ sample_list : List of sample ids corresponding to the sample_block to be sliced out.
+
+ Returns:
+ Matrix of [number of samples in sample_block] x [number of labels to slice]
+ """
+ if label == 'all':
+ return labeldf.loc[sample_list, :].to_numpy()
+ else:
+ return labeldf[label].loc[sample_list].to_numpy().reshape(-1, 1)
+
+
+@typechecked
+def evaluate_coefficients(pdf: pd.DataFrame, alpha_values: Iterable[Float],
+ n_cov: int) -> NDArray[Float]:
+ """
+ Solves the system (XTX + Ia)^-1 * XtY for each of the a values in alphas. Returns the resulting coefficients.
+
+ Args:
+ pdf : Pandas DataFrame for the group
+ alpha_values : Array of alpha values (regularization strengths)
+ n_cov: Number of covariate columns on the left-most side of matrix X. These are regularized with a constant
+ value of alpha = 1, regardless of the alpha value being used for the rest of the matrix X.
+
+ Returns:
+ Matrix of coefficients of size [number of columns in X] x [number of labels * number of alpha values]
+ """
+ XtX = np.stack(pdf['xtx'].array)
+ XtY = np.stack(pdf['xty'].array)
+ diags = [
+ np.concatenate([np.ones(n_cov), np.ones(XtX.shape[1] - n_cov) * a]) for a in alpha_values
+ ]
+ return np.column_stack([(np.linalg.inv(XtX + np.diag(d)) @ XtY) for d in diags])
+
+
+@typechecked
+def cross_alphas_and_labels(alpha_names: Iterable[str], labeldf: pd.DataFrame,
+ label: str) -> List[Tuple[str, str]]:
+ """
+ Crosses all label and alpha names. The output tuples appear in the same order as the output of
+ evaluate_coefficients.
+
+ Args:
+ alpha_names : List of string identifiers assigned to the values of alpha
+ labeldf : Pandas DataFrame of labels
+ label : Label used for this set of coefficients. Can be 'all' if all labels were used.
+ Returns:
+ List of tuples of the form (alpha_name, label_name)
+ """
+ if label == 'all':
+ label_names = labeldf.columns
+ else:
+ label_names = [label]
+
+ return list(itertools.product(alpha_names, label_names))
+
+
+@typechecked
+def new_headers(header_block: str, alpha_names: Iterable[str],
+ row_indexer: List[Tuple[str, str]]) -> Tuple[str, List[int], List[str]]:
+ """
+ Creates new headers for the output of a matrix reduction step. Generally produces names like
+ "block_[header_block_number]_alpha_[alpha_name]_label_[label_name]"
+
+ Args:
+ header_block : Identifier for a header_block (e.g., 'chr_1_block_0')
+ alpha_names : List of string identifiers for alpha parameters
+ row_indexer : A list of tuples provided by the cross_alphas_and_labels function
+
+ Returns:
+ new_header_block : A new header_block name, typically the chromosome (e.g. chr_1), but might be 'all' if
+ there are no more levels to reduce over.
+ sort_keys : Array of sortable integers to specify the ordering of the new matrix headers.
+ headers : List of new matrix headers.
+ """
+ tokens = header_block.split('_')
+
+ if len(tokens) == 2:
+ inner_index = tokens[1]
+ new_header_block = 'all'
+ elif len(tokens) == 1:
+ inner_index = 0
+ new_header_block = 'all'
+ else:
+ inner_index = tokens[3]
+ new_header_block = f'chr_{tokens[1]}'
+
+ sort_keys, headers = [], []
+ for a, l in row_indexer:
+ sort_key = int(inner_index) * len(alpha_names) + int(a.split('_')[1])
+ header = f'{new_header_block}_block_{inner_index}_{a}_label_{l}'
+ sort_keys.append(sort_key)
+ headers.append(header)
+
+ return new_header_block, sort_keys, headers
+
+
+@typechecked
+def r_squared(XB: NDArray[Float], Y: NDArray[Float]):
+ """
+ Computes the coefficient of determination (R2) metric between the matrix resulting from X*B and the matrix of labels
+ Y.
+
+ Args:
+ XB : Matrix representing the result of the multiplication X*B, where X is a matrix of [number of samples] x
+ [number of headers] and B is a matrix of [number of headers x number of alphas * number of labels]
+ Y : Matrix of labels, with [number of samples x number of labels]
+
+ Returns:
+ Array of [number of alphas * number of labels]
+ """
+ tot = np.power(Y - Y.mean(), 2).sum()
+ res = np.power(Y - XB, 2).sum(axis=0)
+ return 1 - (res / tot)
diff --git a/python/glow/wgr/linear_model/ridge_model.py b/python/glow/wgr/linear_model/ridge_model.py
new file mode 100644
index 000000000..d052d6bf4
--- /dev/null
+++ b/python/glow/wgr/linear_model/ridge_model.py
@@ -0,0 +1,318 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 .ridge_udfs import *
+from nptyping import Float, NDArray
+import pandas as pd
+from pyspark.sql import DataFrame, Row
+from pyspark.sql.functions import pandas_udf, PandasUDFType
+import pyspark.sql.functions as f
+from pyspark.sql.window import Window
+from typeguard import typechecked
+from typing import Any, Dict, List
+
+
+@typechecked
+class RidgeReducer:
+ """
+ The RidgeReducer class is intended to reduce the feature space of an N by M block matrix X to an N by P< None:
+ """
+ RidgeReducer is initialized with a list of alpha values.
+
+ Args:
+ alphas : array_like of alpha values used in the ridge reduction
+ """
+ if not (alphas >= 0).all():
+ raise Exception('Alpha values must all be non-negative.')
+ self.alphas = {f'alpha_{i}': a for i, a in enumerate(alphas)}
+
+ def fit(
+ self,
+ blockdf: DataFrame,
+ labeldf: pd.DataFrame,
+ sample_blocks: Dict[str, List[str]],
+ covdf: pd.DataFrame = pd.DataFrame({})) -> DataFrame:
+ """
+ Fits a ridge reducer model, represented by a Spark DataFrame containing coefficients for each of the ridge
+ alpha parameters, for each block in the starting matrix, for each label in the target labels.
+
+ Args:
+ blockdf : Spark DataFrame representing the beginning block matrix X
+ labeldf : Pandas DataFrame containing the target labels used in fitting the ridge models
+ sample_blocks : Dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ covdf : Pandas DataFrame containing covariates to be included in every model in the stacking
+ ensemble (optional).
+
+ Returns:
+ Spark DataFrame containing the model resulting from the fitting routine.
+ """
+
+ map_key_pattern = ['header_block', 'sample_block']
+ reduce_key_pattern = ['header_block', 'header']
+
+ if 'label' in blockdf.columns:
+ map_key_pattern.append('label')
+ reduce_key_pattern.append('label')
+
+ map_udf = pandas_udf(
+ lambda key, pdf: map_normal_eqn(key, map_key_pattern, pdf, labeldf, sample_blocks, covdf
+ ), normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ reduce_udf = pandas_udf(lambda key, pdf: reduce_normal_eqn(key, reduce_key_pattern, pdf),
+ normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ model_udf = pandas_udf(
+ lambda key, pdf: solve_normal_eqn(key, map_key_pattern, pdf, labeldf, self.alphas, covdf
+ ), model_struct, PandasUDFType.GROUPED_MAP)
+
+ return blockdf \
+ .groupBy(map_key_pattern) \
+ .apply(map_udf) \
+ .groupBy(reduce_key_pattern) \
+ .apply(reduce_udf) \
+ .groupBy(map_key_pattern) \
+ .apply(model_udf)
+
+ def transform(self,
+ blockdf: DataFrame,
+ labeldf: pd.DataFrame,
+ sample_blocks: Dict[str, List[str]],
+ modeldf: DataFrame,
+ covdf: pd.DataFrame = pd.DataFrame({})) -> DataFrame:
+ """
+ Transforms a starting block matrix to the reduced block matrix, using a reducer model produced by the
+ RidgeReducer fit method.
+
+ Args:
+ blockdf : Spark DataFrame representing the beginning block matrix
+ labeldf : Pandas DataFrame containing the target labels used in fitting the ridge models
+ sample_blocks: Dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ modeldf : Spark DataFrame produced by the RidgeReducer fit method, representing the reducer model
+ covdf : Pandas DataFrame containing covariates to be included in every model in the stacking
+ ensemble (optional).
+
+ Returns:
+ Spark DataFrame representing the reduced block matrix
+ """
+
+ transform_key_pattern = ['header_block', 'sample_block']
+
+ if 'label' in blockdf.columns:
+ transform_key_pattern.append('label')
+ joined = blockdf.drop('sort_key') \
+ .join(modeldf, ['header_block', 'sample_block', 'header'], 'right') \
+ .withColumn('label', f.coalesce(f.col('label'), f.col('labels').getItem(0)))
+ else:
+ joined = blockdf.drop('sort_key') \
+ .join(modeldf, ['header_block', 'sample_block', 'header'], 'right')
+
+ transform_udf = pandas_udf(
+ lambda key, pdf: apply_model(key, transform_key_pattern, pdf, labeldf, sample_blocks,
+ self.alphas, covdf), reduced_matrix_struct,
+ PandasUDFType.GROUPED_MAP)
+
+ return joined \
+ .groupBy(transform_key_pattern) \
+ .apply(transform_udf)
+
+ def fit_transform(
+ self,
+ blockdf: DataFrame,
+ labeldf: pd.DataFrame,
+ sample_blocks: Dict[str, List[str]],
+ covdf: pd.DataFrame = pd.DataFrame({})) -> DataFrame:
+ """
+ Fits a ridge reducer model with a block matrix, then transforms the matrix using the model.
+
+ Args:
+ blockdf : Spark DataFrame representing the beginning block matrix X
+ labeldf : Pandas DataFrame containing the target labels used in fitting the ridge models
+ sample_blocks : Dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ covdf : Pandas DataFrame containing covariates to be included in every model in the stacking
+ ensemble (optional).
+
+ Returns:
+ Spark DataFrame representing the reduced block matrix
+ """
+
+ modeldf = self.fit(blockdf, labeldf, sample_blocks, covdf)
+ return self.transform(blockdf, labeldf, sample_blocks, modeldf, covdf)
+
+
+@typechecked
+class RidgeRegression:
+ """
+ The RidgeRegression class is used to fit ridge models against one or labels optimized over a provided list of
+ ridge alpha parameters. It is similar in function to RidgeReducer except that whereas RidgeReducer attempts to
+ reduce a starting matrix X to a block matrix of smaller dimension, RidgeRegression is intended to find an optimal
+ model of the form Y_hat ~ XB, where Y_hat is a matrix of one or more predicted labels and B is a matrix of
+ coefficients. The optimal ridge alpha value is chosen for each label by maximizing the average out of fold r2
+ score.
+ """
+ def __init__(self, alphas: NDArray[(Any, ), Float]) -> None:
+ """
+ RidgeRegression is initialized with a list of alpha values.
+
+ Args:
+ alphas : array_like of alpha values used in the ridge regression
+ """
+ if not (alphas >= 0).all():
+ raise Exception('Alpha values must all be non-negative.')
+ self.alphas = {f'alpha_{i}': a for i, a in enumerate(alphas)}
+
+ def fit(
+ self,
+ blockdf: DataFrame,
+ labeldf: pd.DataFrame,
+ sample_blocks: Dict[str, List[str]],
+ covdf: pd.DataFrame = pd.DataFrame({})
+ ) -> (DataFrame, DataFrame):
+ """
+ Fits a ridge regression model, represented by a Spark DataFrame containing coefficients for each of the ridge
+ alpha parameters, for each block in the starting matrix, for each label in the target labels, as well as a
+ Spark DataFrame containing the optimal ridge alpha value for each label.
+
+ Args:
+ blockdf : Spark DataFrame representing the beginning block matrix X
+ labeldf : Pandas DataFrame containing the target labels used in fitting the ridge models
+ sample_blocks : Dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ covdf : Pandas DataFrame containing covariates to be included in every model in the stacking
+ ensemble (optional).
+
+ Returns:
+ Two Spark DataFrames, one containing the model resulting from the fitting routine and one containing the
+ results of the cross validation procedure.
+ """
+
+ map_key_pattern = ['sample_block', 'label']
+ reduce_key_pattern = ['header_block', 'header', 'label']
+
+ map_udf = pandas_udf(
+ lambda key, pdf: map_normal_eqn(key, map_key_pattern, pdf, labeldf, sample_blocks, covdf
+ ), normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ reduce_udf = pandas_udf(lambda key, pdf: reduce_normal_eqn(key, reduce_key_pattern, pdf),
+ normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ model_udf = pandas_udf(
+ lambda key, pdf: solve_normal_eqn(key, map_key_pattern, pdf, labeldf, self.alphas, covdf
+ ), model_struct, PandasUDFType.GROUPED_MAP)
+ score_udf = pandas_udf(
+ lambda key, pdf: score_models(key, map_key_pattern, pdf, labeldf, sample_blocks, self.
+ alphas, covdf), cv_struct, PandasUDFType.GROUPED_MAP)
+
+ modeldf = blockdf \
+ .groupBy(map_key_pattern) \
+ .apply(map_udf) \
+ .groupBy(reduce_key_pattern) \
+ .apply(reduce_udf) \
+ .groupBy(map_key_pattern) \
+ .apply(model_udf)
+
+ # Break ties in favor of the larger alpha
+ alpha_df = blockdf.sql_ctx \
+ .createDataFrame([Row(alpha=k, alpha_value=float(v)) for k, v in self.alphas.items()])
+ window_spec = Window.partitionBy('label').orderBy(f.desc('r2_mean'), f.desc('alpha_value'))
+
+ cvdf = blockdf.drop('header_block', 'sort_key') \
+ .join(modeldf, ['header', 'sample_block'], 'right') \
+ .withColumn('label', f.coalesce(f.col('label'), f.col('labels').getItem(0))) \
+ .groupBy(map_key_pattern) \
+ .apply(score_udf) \
+ .join(alpha_df, ['alpha']) \
+ .groupBy('label', 'alpha', 'alpha_value').agg(f.mean('r2').alias('r2_mean')) \
+ .withColumn('modelRank', f.row_number().over(window_spec)) \
+ .filter('modelRank = 1') \
+ .drop('modelRank')
+
+ return modeldf, cvdf
+
+ def transform(self,
+ blockdf: DataFrame,
+ labeldf: pd.DataFrame,
+ sample_blocks: Dict[str, List[str]],
+ modeldf: DataFrame,
+ cvdf: DataFrame,
+ covdf: pd.DataFrame = pd.DataFrame({})) -> pd.DataFrame:
+ """
+ Generates predictions for the target labels in the provided label DataFrame by applying the model resulting from
+ the RidgeRegression fit method to the starting block matrix.
+
+ Args:
+ blockdf : Spark DataFrame representing the beginning block matrix X
+ labeldf : Pandas DataFrame containing the target labels used in fitting the ridge models
+ sample_blocks : Dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ modeldf : Spark DataFrame produced by the RidgeRegression fit method, representing the reducer model
+ cvdf : Spark DataFrame produced by the RidgeRegression fit method, containing the results of the cross
+ validation routine.
+ covdf : Pandas DataFrame containing covariates to be included in every model in the stacking
+ ensemble (optional).
+
+ Returns:
+ Pandas DataFrame containing prediction y_hat values. The shape and order match labeldf such that the
+ rows are indexed by sample ID and the columns by label. The column types are float64.
+ """
+
+ transform_key_pattern = ['sample_block', 'label']
+
+ transform_udf = pandas_udf(
+ lambda key, pdf: apply_model(key, transform_key_pattern, pdf, labeldf, sample_blocks,
+ self.alphas, covdf), reduced_matrix_struct,
+ PandasUDFType.GROUPED_MAP)
+
+ blocked_prediction_df = blockdf.drop('header_block', 'sort_key') \
+ .join(modeldf.drop('header_block'), ['sample_block', 'header'], 'right') \
+ .withColumn('label', f.coalesce(f.col('label'), f.col('labels').getItem(0))) \
+ .groupBy(transform_key_pattern) \
+ .apply(transform_udf) \
+ .join(cvdf, ['label', 'alpha'], 'inner')
+
+ sample_block_df = blockdf.sql_ctx \
+ .createDataFrame(sample_blocks.items(), ['sample_block', 'sample_ids']) \
+ .selectExpr('sample_block', 'posexplode(sample_ids) as (idx, sample_id)')
+
+ flattened_prediction_df = blocked_prediction_df \
+ .selectExpr('sample_block', 'label', 'posexplode(values) as (idx, value)') \
+ .join(sample_block_df, ['sample_block', 'idx'], 'inner') \
+ .select('sample_id', 'label', 'value')
+
+ pivoted_df = flattened_prediction_df.toPandas() \
+ .pivot(index='sample_id', columns='label', values='value') \
+ .reindex(index=labeldf.index, columns=labeldf.columns)
+
+ return pivoted_df
+
+ def fit_transform(
+ self,
+ blockdf: DataFrame,
+ labeldf: pd.DataFrame,
+ sample_blocks: Dict[str, List[str]],
+ covdf: pd.DataFrame = pd.DataFrame({})) -> pd.DataFrame:
+ """
+ Fits a ridge regression model with a block matrix, then transforms the matrix using the model.
+
+ Args:
+ blockdf : Spark DataFrame representing the beginning block matrix X
+ labeldf : Pandas DataFrame containing the target labels used in fitting the ridge models
+ sample_blocks : Dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ covdf : Pandas DataFrame containing covariates to be included in every model in the stacking
+ ensemble (optional).
+
+ Returns:
+ Pandas DataFrame containing prediction y_hat values. The shape and order match labeldf such that the
+ rows are indexed by sample ID and the columns by label. The column types are float64.
+ """
+ modeldf, cvdf = self.fit(blockdf, labeldf, sample_blocks, covdf)
+ return self.transform(blockdf, labeldf, sample_blocks, modeldf, cvdf, covdf)
diff --git a/python/glow/wgr/linear_model/ridge_udfs.py b/python/glow/wgr/linear_model/ridge_udfs.py
new file mode 100644
index 000000000..2e0d35b3d
--- /dev/null
+++ b/python/glow/wgr/linear_model/ridge_udfs.py
@@ -0,0 +1,425 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 .functions import *
+from nptyping import Float
+import pandas as pd
+from pyspark.sql.types import ArrayType, IntegerType, FloatType, StructType, StructField, StringType, DoubleType
+from typeguard import typechecked
+from typing import Dict, List
+'''
+Each function in this module performs a Pandas DataFrame => Pandas DataFrame transformation, and each is intended to be
+used as a Pandas GROUPED_MAP UDF.
+'''
+normal_eqn_struct = StructType([
+ StructField('header_block', StringType()),
+ StructField('sample_block', StringType()),
+ StructField('label', StringType()),
+ StructField('header', StringType()),
+ StructField('sort_key', IntegerType()),
+ StructField('xtx', ArrayType(DoubleType())),
+ StructField('xty', ArrayType(DoubleType()))
+])
+
+model_struct = StructType([
+ StructField('header_block', StringType()),
+ StructField('sample_block', StringType()),
+ StructField('header', StringType()),
+ StructField('sort_key', IntegerType()),
+ StructField('alphas', ArrayType(StringType())),
+ StructField('labels', ArrayType(StringType())),
+ StructField('coefficients', ArrayType(DoubleType()))
+])
+
+reduced_matrix_struct = StructType([
+ StructField('header', StringType()),
+ StructField('size', IntegerType()),
+ StructField('values', ArrayType(DoubleType())),
+ StructField('header_block', StringType()),
+ StructField('sample_block', StringType()),
+ StructField('sort_key', IntegerType()),
+ StructField('mu', DoubleType()),
+ StructField('sig', DoubleType()),
+ StructField('alpha', StringType()),
+ StructField('label', StringType())
+])
+
+cv_struct = StructType([
+ StructField('sample_block', StringType()),
+ StructField('label', StringType()),
+ StructField('alpha', StringType()),
+ StructField('r2', DoubleType())
+])
+
+
+@typechecked
+def map_normal_eqn(key: Tuple, key_pattern: List[str], pdf: pd.DataFrame, labeldf: pd.DataFrame,
+ sample_index: Dict[str, List[str]], covdf: pd.DataFrame) -> pd.DataFrame:
+ """
+ This function constructs matrices X and Y, and returns X_transpose * X (XtX) and X_transpose * Y (XtY), where X
+ corresponds to a block from a block matrix.
+
+ Each block X is uniquely identified by a header_block ID, which maps to a set of contiguous columns in the overall block
+ matrix, and a sample_block ID, which maps to a set of rows in the overall block matrix (and likewise a set of rows in the
+ label matrix Y). The key that identifies X is therefore of the form (header_blockID, sample_blockID). In some contexts, the
+ block matrix will be tied to a particular label from Y, in which case the key will be of the form
+ (header_block, sample_block, label).
+
+ Args:
+ key : unique key identifying the group of rows emitted by a groupBy statement.
+ key_pattern : pattern of columns used in the groupBy statement that emitted this group of rows
+ pdf : starting Pandas DataFrame used to build X and Y for block X identified by :key:.
+ schema:
+ |-- header: string
+ |-- size: integer
+ |-- indices: array (Required only if the matrix is sparse)
+ | |-- element: integer
+ |-- values: array
+ | |-- element: double
+ |-- header_block: string
+ |-- sample_block: string
+ |-- sort_key: integer
+ |-- mu: double
+ |-- sig: double
+ |-- alpha: double (Required only if the header is tied to a specific value of alpha)
+ |-- label: double (Required only if the header is tied to a specific label)
+ labeldf : Pandas DataFrame containing label values (i. e., the Y in the normal equation above).
+ sample_index : sample_index: dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ covdf: Pandas DataFrame containing covariates that should be included with every block X above (can be empty).
+
+ Returns:
+ transformed Pandas DataFrame containing XtX and XtY corresponding to a particular block X.
+ schema (specified by the normal_eqn_struct):
+ |-- header_block: string
+ |-- sample_block: string
+ |-- label: string
+ |-- header: string
+ |-- sort_key: integer
+ |-- xtx: array
+ | |-- element: double
+ |-- xty: array
+ | |-- element: double
+ """
+ header_block, sample_block, label = parse_key(key, key_pattern)
+ sort_in_place(pdf, ['sort_key', 'header'])
+ n_rows = pdf['size'][0]
+ n_cols = len(pdf)
+ sample_list = sample_index[sample_block]
+
+ if covdf.empty:
+ header_col = pdf['header']
+ sort_key_col = pdf['sort_key']
+ X = assemble_block(n_rows, n_cols, pdf, np.array([]))
+ else:
+ cov_matrix = slice_label_rows(covdf, 'all', sample_list)
+ n_cov = len(covdf.columns)
+ header_col = np.concatenate([covdf.columns, pdf['header']])
+ #Add new sort_keys for covariates, starting from -n_cov up to 0 to ensure they come ahead of the headers.
+ sort_key_col = np.concatenate((np.arange(-n_cov, 0), pdf['sort_key']))
+ X = assemble_block(n_rows, n_cols, pdf, cov_matrix)
+
+ Y = slice_label_rows(labeldf, label, sample_list)
+ XtX = X.T @ X
+ XtY = X.T @ Y
+
+ data = {
+ 'header_block': header_block,
+ 'sample_block': sample_block,
+ 'label': label,
+ 'header': header_col,
+ 'sort_key': sort_key_col,
+ 'xtx': list(XtX),
+ 'xty': list(XtY)
+ }
+
+ return pd.DataFrame(data)
+
+
+@typechecked
+def reduce_normal_eqn(key: Tuple, key_pattern: List[str], pdf: pd.DataFrame):
+ """
+ This function constructs lists of rows from the XtX and XtY matrices corresponding to a particular header in X but
+ evaluated in different sample_blocks, and then reduces those lists by element-wise summation. This reduction is
+ repeated once for each sample_block, where the contribution of that sample_block is omitted. There is therefore a
+ one-to-one mapping of the starting lists and the reduced lists, e.g.:
+
+ Input:
+ List(xtx_sample_block0, xtx_sample_block1, ..., xtx_sample_blockN)
+ Output:
+ List(xtx_sum_excluding_sample_block0, xtx_sum_excluding_sample_block1, ..., xtx_sum_excluding_sample_blockN)
+
+ Args:
+ key : unique key identifying the rows emitted by a groupBy statement
+ key_pattern : pattern of columns used in the groupBy statement
+ pdf : starting Pandas DataFrame containing the lists of rows from XtX and XtY for block X identified by :key:
+ schema (specified by the normal_eqn_struct):
+ |-- header_block: string
+ |-- sample_block: string
+ |-- label: string
+ |-- header: string
+ |-- sort_key: integer
+ |-- xtx: array
+ | |-- element: double
+ |-- xty: array
+ | |-- element: double
+
+ Returns:
+ transformed Pandas DataFrame containing the aggregated leave-fold-out rows from XtX and XtY
+ schema (specified by the normal_eqn_struct):
+ |-- header_block: string
+ |-- sample_block: string
+ |-- label: string
+ |-- header: string
+ |-- sort_key: integer
+ |-- xtx: array
+ | |-- element: double
+ |-- xty: array
+ | |-- element: double
+ """
+ sum_xtx = pdf['xtx'].sum()
+ sum_xty = pdf['xty'].sum()
+
+ # Use numpy broadcast to subtract each row from the sum
+ pdf['xtx'] = list(sum_xtx - np.vstack(pdf['xtx'].array))
+ pdf['xty'] = list(sum_xty - np.vstack(pdf['xty'].array))
+
+ return pdf
+
+
+@typechecked
+def solve_normal_eqn(key: Tuple, key_pattern: List[str], pdf: pd.DataFrame, labeldf: pd.DataFrame,
+ alphas: Dict[str, Float], covdf: pd.DataFrame) -> pd.DataFrame:
+ """
+ This function assembles the matrices XtX and XtY for a particular sample_block (where the contribution of that sample_block
+ has been omitted) and solves the equation [(XtX + I*alpha)]-1 * XtY = B for a list of alpha values, and returns the
+ coefficient matrix B, where B has 1 row per header in the block X and 1 column per combination of alpha value and
+ label.
+
+ Args:
+ key : unique key identifying the group of rows emitted by a groupBy statement
+ key_pattern : pattern of columns used in the groupBy statement that emitted this group of rows
+ pdf : starting Pandas DataFrame containing the lists of rows from XtX and XtY for block X identified by :key:
+ schema (specified by the normal_eqn_struct):
+ |-- header_block: string
+ |-- sample_block: string
+ |-- label: string
+ |-- header: string
+ |-- sort_key: integer
+ |-- xtx: array
+ | |-- element: double
+ |-- xty: array
+ | |-- element: double
+ labeldf : Pandas DataFrame containing label values (i. e., the Y in the normal equation above).
+ alphas : dict of {alphaName : alphaValue} for the alpha values to be used
+ covdf: Pandas DataFrame containing covariates that should be included with every block X above (can be empty).
+
+ Returns:
+ transformed Pandas DataFrame containing the coefficient matrix B
+ schema (specified by the normal_eqn_struct):
+ |-- header_block: string
+ |-- sample_block: string
+ |-- header: string
+ |-- sort_key: integer
+ |-- alphas: array
+ | |-- element: string
+ |-- labels: array
+ | |-- element: string
+ |-- coefficients: array
+ | |-- element: double
+ """
+
+ header_block, sample_block, label = parse_key(key, key_pattern)
+ sort_in_place(pdf, ['sort_key', 'header'])
+ alpha_names, alpha_values = zip(*sorted(alphas.items()))
+ if covdf.empty:
+ beta_stack = evaluate_coefficients(pdf, alpha_values, 0)
+ else:
+ beta_stack = evaluate_coefficients(pdf, alpha_values, len(covdf.columns))
+ row_indexer = cross_alphas_and_labels(alpha_names, labeldf, label)
+ alpha_row, label_row = zip(*row_indexer)
+ output_length = len(pdf)
+ data = {
+ 'header_block': header_block,
+ 'sample_block': sample_block,
+ 'header': pdf['header'],
+ 'sort_key': pdf['sort_key'],
+ 'alphas': [list(alpha_row)] * output_length,
+ 'labels': [list(label_row)] * output_length,
+ 'coefficients': list(beta_stack)
+ }
+
+ return pd.DataFrame(data)
+
+
+@typechecked
+def apply_model(key: Tuple, key_pattern: List[str], pdf: pd.DataFrame, labeldf: pd.DataFrame,
+ sample_index: Dict[str, List[str]], alphas: Dict[str, Float],
+ covdf: pd.DataFrame) -> pd.DataFrame:
+ """
+ This function takes a block X and a coefficient matrix B and performs the multiplication X*B. The matrix resulting
+ from this multiplication represents a block in a new, dimensionally-reduced block matrix.
+
+ Args:
+ key : unique key identifying the group of rows emitted by a groupBy statement
+ key_pattern : pattern of columns used in the groupBy statement that emitted this group of rows
+ pdf : starting Pandas DataFrame containing the lists of rows used to assemble block X and coefficients B
+ identified by :key:
+ schema:
+ |-- header_block: string
+ |-- sample_block: string
+ |-- header: string
+ |-- size: integer
+ |-- indices: array
+ | |-- element: integer
+ |-- values: array
+ | |-- element: double
+ |-- sort_key: integer
+ |-- mu: double
+ |-- sig: double
+ |-- alphas: array
+ | |-- element: string
+ |-- labels: array
+ | |-- element: string
+ |-- coefficients: array
+ | |-- element: double
+ labeldf : Pandas DataFrame containing label values that were used in fitting coefficient matrix B.
+ sample_index : sample_index: dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ alphas : dict of {alphaName : alphaValue} for the alpha values that were used when fitting coefficient matrix B
+ covdf: Pandas DataFrame containing covariates that should be included with every block X above (can be empty).
+
+ Returns:
+ transformed Pandas DataFrame containing reduced matrix block produced by the multiplication X*B
+ schema (specified by reduced_matrix_struct):
+ |-- header: string
+ |-- size: integer
+ |-- values: array
+ | |-- element: double
+ |-- header_block: string
+ |-- sample_block: string
+ |-- sort_key: integer
+ |-- mu: double
+ |-- sig: double
+ |-- alpha: string
+ |-- label: string
+ """
+
+ header_block, sample_block, label = parse_key(key, key_pattern)
+ sort_in_place(pdf, ['sort_key'])
+
+ if covdf.empty:
+ n_rows = pdf['size'][0]
+ n_cols = len(pdf)
+ X = assemble_block(n_rows, n_cols, pdf, np.array([]))
+ else:
+ sample_list = sample_index[sample_block]
+ n_rows = int(pdf[~pdf['values'].isnull()]['size'].array[0])
+ n_cols = len(pdf[~pdf['values'].isnull()])
+ cov_matrix = slice_label_rows(covdf, 'all', sample_list)
+ X = assemble_block(n_rows, n_cols, pdf[~pdf['values'].isnull()], cov_matrix)
+
+ B = np.row_stack(pdf['coefficients'].array)
+ XB = X @ B
+ mu, sig = XB.mean(axis=0), XB.std(axis=0)
+ alpha_names = sorted(alphas.keys())
+ row_indexer = cross_alphas_and_labels(alpha_names, labeldf, label)
+ alpha_col, label_col = zip(*row_indexer)
+ new_header_block, sort_key_col, header_col = new_headers(header_block, alpha_names, row_indexer)
+
+ data = {
+ 'header': header_col,
+ 'size': X.shape[0],
+ 'values': list(XB.T),
+ 'header_block': new_header_block,
+ 'sample_block': sample_block,
+ 'sort_key': sort_key_col,
+ 'mu': mu,
+ 'sig': sig,
+ 'alpha': alpha_col,
+ 'label': label_col
+ }
+
+ return pd.DataFrame(data)
+
+
+@typechecked
+def score_models(key: Tuple, key_pattern: List[str], pdf: pd.DataFrame, labeldf: pd.DataFrame,
+ sample_index: Dict[str, List[str]], alphas: Dict[str, Float],
+ covdf: pd.DataFrame) -> pd.DataFrame:
+ """
+ Similar to apply_model, this function performs the multiplication X*B for a block X and corresponding coefficient
+ matrix B, however it also evaluates the coefficient of determination (r2) for each of columns in B against the
+ corresponding label.
+
+ Args:
+ key : unique key identifying the group of rows emitted by a groupBy statement
+ key_pattern : pattern of columns used in the groupBy statement that emitted this group of rows
+ pdf : starting Pandas DataFrame containing the lists of rows used to assemble block X and coefficients B
+ identified by :key:
+ schema:
+ |-- header_block: string
+ |-- sample_block: string
+ |-- header: string
+ |-- size: integer
+ |-- indices: array
+ | |-- element: integer
+ |-- values: array
+ | |-- element: double
+ |-- sort_key: integer
+ |-- mu: double
+ |-- sig: double
+ |-- alphas: array
+ | |-- element: string
+ |-- labels: array
+ | |-- element: string
+ |-- coefficients: array
+ | |-- element: double
+ labeldf : Pandas DataFrame containing label values that were used in fitting coefficient matrix B.
+ sample_index : sample_index: dict containing a mapping of sample_block ID to a list of corresponding sample IDs
+ alphas : dict of {alphaName : alphaValue} for the alpha values that were used when fitting coefficient matrix B
+ covdf: Pandas DataFrame containing covariates that should be included with every block X above (can be empty).
+
+ Returns:
+ Pandas DataFrame containing the r2 scores for each combination of alpha and label
+ schema:
+ |-- sample_block: string
+ |-- label: string
+ |-- alpha: string
+ |-- r2: double
+ """
+ header_block, sample_block, label = parse_key(key, key_pattern)
+ sort_in_place(pdf, ['sort_key'])
+ sample_list = sample_index[sample_block]
+
+ if covdf.empty:
+ n_rows = pdf['size'][0]
+ n_cols = len(pdf)
+ X = assemble_block(n_rows, n_cols, pdf, np.array([]))
+ else:
+ # If there is a covdf, we will have null 'values' entries in pdf arising from the right join of blockdf
+ # to modeldf, so we will filter those rows out before assembling the block.
+ sample_list = sample_index[sample_block]
+ n_rows = int(pdf[~pdf['values'].isnull()]['size'].array[0])
+ n_cols = len(pdf[~pdf['values'].isnull()])
+ cov_matrix = slice_label_rows(covdf, 'all', sample_list)
+ X = assemble_block(n_rows, n_cols, pdf[~pdf['values'].isnull()], cov_matrix)
+
+ B = np.row_stack(pdf['coefficients'].array)
+ XB = X @ B
+ Y = slice_label_rows(labeldf, label, sample_list)
+ scores = r_squared(XB, Y)
+ alpha_names = sorted(alphas.keys())
+
+ data = {'sample_block': sample_block, 'label': label, 'alpha': alpha_names, 'r2': scores}
+
+ return pd.DataFrame(data)
diff --git a/python/glow/wgr/linear_model/tests/test_functions.py b/python/glow/wgr/linear_model/tests/test_functions.py
new file mode 100644
index 000000000..487e910a3
--- /dev/null
+++ b/python/glow/wgr/linear_model/tests/test_functions.py
@@ -0,0 +1,60 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow.wgr.linear_model.functions import *
+import numpy as np
+import pandas as pd
+import pytest
+
+
+def test_sort_by_numeric():
+ nums = np.random.rand(1000)
+ df = pd.DataFrame({'nums': nums})
+ df_copy = df.copy(deep=True)
+ sort_in_place(df, ['nums'])
+ df_copy.sort_values('nums', inplace=True)
+ assert (df['nums'].array == df_copy['nums'].array).all()
+
+
+def test_sort_by_string():
+ nums = np.random.rand(1000)
+ strings = [str(n) for n in nums]
+ df = pd.DataFrame({'nums': nums, 'strings': strings})
+ df_copy = df.copy(deep=True)
+ sort_in_place(df, ['strings'])
+ df_copy.sort_values('strings', inplace=True)
+ assert (df['nums'].array == df_copy['nums'].array).all()
+ assert (df['strings'].array == df_copy['strings'].array).all()
+
+
+def test_sort_by_multiple_columns():
+ nums = np.random.rand(1000) * 10
+ df = pd.DataFrame({'nums': nums})
+ df['bin'] = df['nums'] // 1
+ df_copy = df.copy(deep=True)
+ sort_in_place(df, ['bin', 'nums'])
+ df_copy.sort_values(['bin', 'nums'], inplace=True)
+ assert (df['nums'].array == df_copy['nums'].array).all()
+
+
+def test_assemble_block():
+ df = pd.DataFrame({'mu': [0.2], 'sig': [0.1], 'values': [[0.1, 0.3]]})
+ block = assemble_block(n_rows=1, n_cols=2, pdf=df, cov_matrix=np.array([[]]))
+ assert np.allclose(block, np.array([[-1.], [1.]]))
+
+
+def test_assemble_block_zero_sig():
+ df = pd.DataFrame({'mu': [0.2, 0], 'sig': [0.1, 0], 'values': [[0.1, 0.3], [0, 0]]})
+ with pytest.raises(ValueError):
+ assemble_block(n_rows=2, n_cols=2, pdf=df, cov_matrix=np.array([[]]))
diff --git a/python/glow/wgr/linear_model/tests/test_ridge_regression.py b/python/glow/wgr/linear_model/tests/test_ridge_regression.py
new file mode 100644
index 000000000..a593a9fc7
--- /dev/null
+++ b/python/glow/wgr/linear_model/tests/test_ridge_regression.py
@@ -0,0 +1,542 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow.wgr.linear_model import RidgeReducer, RidgeRegression
+from glow.wgr.linear_model.ridge_model import *
+
+data_root = 'test-data/wgr/ridge-regression'
+
+X0 = pd.read_csv(f'{data_root}/X0.csv').set_index('sample_id')
+X0.index = X0.index.astype(str, copy=False)
+
+X1 = pd.read_csv(f'{data_root}/X1.csv').set_index('sample_id')
+X1.index = X1.index.astype(str, copy=False)
+
+X2 = pd.read_csv(f'{data_root}/X2.csv').set_index('sample_id')
+X2.index = X2.index.astype(str, copy=False)
+
+labeldf = pd.read_csv(f'{data_root}/pts.csv').set_index('sample_id')
+labeldf.index = labeldf.index.astype(str, copy=False)
+
+n_cov = 2
+cov_matrix = np.random.randn(*(labeldf.shape[0], n_cov))
+covdf = pd.DataFrame(data=cov_matrix, columns=['cov1', 'cov2'], index=labeldf.index)
+covdf_empty = pd.DataFrame({})
+
+alphas = np.array([0.1, 1, 10])
+alphaMap = {f'alpha_{i}': a for i, a in enumerate(alphas)}
+columnIndexer = sorted(enumerate(alphaMap.keys()), key=lambda t: t[1])
+coefOrder = [i for i, a in columnIndexer]
+
+
+def __get_sample_blocks(indexdf):
+ return {
+ r.sample_block: r.sample_ids
+ for r in indexdf.select('sample_block', 'sample_ids').collect()
+ }
+
+
+def test_map_normal_eqn(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ X_in = X0[headers].loc[ids, :]
+ Y_in = labeldf.loc[ids, :]
+
+ XtX_in = X_in.to_numpy().T @ X_in.to_numpy()
+ XtY_in = X_in.to_numpy().T @ Y_in.to_numpy()
+
+ sample_blocks = __get_sample_blocks(indexdf)
+ map_key_pattern = ['header_block', 'sample_block']
+ map_udf = pandas_udf(
+ lambda key, pdf: map_normal_eqn(key, map_key_pattern, pdf, labeldf, sample_blocks,
+ covdf_empty), normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+
+ outdf = blockdf \
+ .groupBy(map_key_pattern) \
+ .apply(map_udf) \
+ .filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}') \
+ .orderBy('sort_key') \
+ .select('xtx', 'xty') \
+ .collect()
+
+ XtX_in_lvl = np.array([r.xtx for r in outdf])
+ XtY_in_lvl = np.array([r.xty for r in outdf])
+
+ assert (np.allclose(XtX_in_lvl, XtX_in) and np.allclose(XtY_in_lvl, XtY_in))
+
+
+def test_reduce_normal_eqn(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ X_out = X0[headers].drop(ids, axis='rows')
+ Y_out = labeldf.drop(ids, axis='rows')
+
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out.to_numpy()
+
+ sample_blocks = __get_sample_blocks(indexdf)
+ map_key_pattern = ['header_block', 'sample_block']
+ reduce_key_pattern = ['header_block', 'header']
+ map_udf = pandas_udf(
+ lambda key, pdf: map_normal_eqn(key, map_key_pattern, pdf, labeldf, sample_blocks,
+ covdf_empty), normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ reduce_udf = pandas_udf(lambda key, pdf: reduce_normal_eqn(key, reduce_key_pattern, pdf),
+ normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+
+ mapdf = blockdf \
+ .groupBy(map_key_pattern) \
+ .apply(map_udf)
+
+ outdf = mapdf.groupBy(reduce_key_pattern) \
+ .apply(reduce_udf) \
+ .filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}') \
+ .orderBy('sort_key') \
+ .select('xtx', 'xty') \
+ .collect()
+
+ XtX_out_lvl = np.array([r.xtx for r in outdf])
+ XtY_out_lvl = np.array([r.xty for r in outdf])
+
+ assert (np.allclose(XtX_out_lvl, XtX_out) and np.allclose(XtY_out_lvl, XtY_out))
+
+
+def test_solve_normal_eqn(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ X_out = X0[headers].drop(ids, axis='rows')
+ Y_out = labeldf.drop(ids, axis='rows')
+
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out.to_numpy()
+ B = np.column_stack(
+ [(np.linalg.inv(XtX_out + np.identity(XtX_out.shape[1]) * a) @ XtY_out) for a in alphas])
+
+ sample_blocks = __get_sample_blocks(indexdf)
+ map_key_pattern = ['header_block', 'sample_block']
+ reduce_key_pattern = ['header_block', 'header']
+ map_udf = pandas_udf(
+ lambda key, pdf: map_normal_eqn(key, map_key_pattern, pdf, labeldf, sample_blocks,
+ covdf_empty), normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ reduce_udf = pandas_udf(lambda key, pdf: reduce_normal_eqn(key, reduce_key_pattern, pdf),
+ normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ model_udf = pandas_udf(
+ lambda key, pdf: solve_normal_eqn(key, reduce_key_pattern, pdf, labeldf, alphaMap,
+ covdf_empty), model_struct, PandasUDFType.GROUPED_MAP)
+
+ reducedf = blockdf \
+ .groupBy(map_key_pattern) \
+ .apply(map_udf) \
+ .groupBy(reduce_key_pattern) \
+ .apply(reduce_udf)
+
+ columns = ['coefficients']
+ rows = reducedf.groupBy(map_key_pattern) \
+ .apply(model_udf) \
+ .filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}') \
+ .select(*columns) \
+ .collect()
+ outdf = pd.DataFrame(rows, columns=columns)
+
+ B_lvl = np.row_stack(outdf['coefficients'].to_numpy())
+
+ assert np.allclose(B_lvl, B)
+
+
+def test_apply_model(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ X_in = X0[headers].loc[ids, :]
+ X_out = X0[headers].drop(ids, axis='rows')
+ Y_out = labeldf.drop(ids, axis='rows')
+
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out.to_numpy()
+ B = np.column_stack(
+ [(np.linalg.inv(XtX_out + np.identity(XtX_out.shape[1]) * a) @ XtY_out) for a in alphas])
+ X1_in = X_in.to_numpy() @ B
+
+ sample_blocks = __get_sample_blocks(indexdf)
+ map_key_pattern = ['header_block', 'sample_block']
+ reduce_key_pattern = ['header_block', 'header']
+ transform_key_pattern = ['header_block', 'sample_block']
+ map_udf = pandas_udf(
+ lambda key, pdf: map_normal_eqn(key, map_key_pattern, pdf, labeldf, sample_blocks,
+ covdf_empty), normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ reduce_udf = pandas_udf(lambda key, pdf: reduce_normal_eqn(key, reduce_key_pattern, pdf),
+ normal_eqn_struct, PandasUDFType.GROUPED_MAP)
+ model_udf = pandas_udf(
+ lambda key, pdf: solve_normal_eqn(key, map_key_pattern, pdf, labeldf, alphaMap, covdf_empty),
+ model_struct, PandasUDFType.GROUPED_MAP)
+ transform_udf = pandas_udf(
+ lambda key, pdf: apply_model(key, transform_key_pattern, pdf, labeldf, sample_blocks,
+ alphaMap, covdf_empty), reduced_matrix_struct,
+ PandasUDFType.GROUPED_MAP)
+
+ modeldf = blockdf \
+ .groupBy(map_key_pattern) \
+ .apply(map_udf) \
+ .groupBy(reduce_key_pattern) \
+ .apply(reduce_udf) \
+ .groupBy(map_key_pattern) \
+ .apply(model_udf)
+
+ columns = ['values']
+ rows = blockdf.join(modeldf.drop('sort_key'), ['header_block', 'sample_block', 'header']) \
+ .groupBy(transform_key_pattern) \
+ .apply(transform_udf) \
+ .filter(f'header LIKE "%{testBlock}%" AND sample_block = {testGroup}') \
+ .select(*columns) \
+ .collect()
+ outdf = pd.DataFrame(rows, columns=columns)
+
+ X1_in_lvl = np.column_stack(outdf['values'])
+
+ assert np.allclose(X1_in_lvl, X1_in)
+
+
+def test_ridge_reducer_fit(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ X_out = X0[headers].drop(ids, axis='rows')
+ Y_out = labeldf.drop(ids, axis='rows')
+
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out.to_numpy()
+ B = np.column_stack(
+ [(np.linalg.inv(XtX_out + np.identity(XtX_out.shape[1]) * a) @ XtY_out) for a in alphas])
+
+ stack = RidgeReducer(alphas)
+ modeldf = stack.fit(blockdf, labeldf, __get_sample_blocks(indexdf))
+
+ columns = ['coefficients']
+ rows = modeldf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}') \
+ .select(*columns).collect()
+ outdf = pd.DataFrame(rows, columns=columns)
+
+ B_stack = np.row_stack(outdf['coefficients'].to_numpy())
+
+ assert np.allclose(B_stack, B)
+
+
+def test_ridge_reducer_transform(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block = {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ X_in = X0[headers].loc[ids, :]
+ X_out = X0[headers].drop(ids, axis='rows')
+ Y_out = labeldf.drop(ids, axis='rows')
+
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out.to_numpy()
+ B = np.column_stack(
+ [(np.linalg.inv(XtX_out + np.identity(XtX_out.shape[1]) * a) @ XtY_out) for a in alphas])
+ X1_in = X_in.to_numpy() @ B
+
+ stack = RidgeReducer(alphas)
+ modeldf = stack.fit(blockdf, labeldf, __get_sample_blocks(indexdf))
+ level1df = stack.transform(blockdf, labeldf, __get_sample_blocks(indexdf), modeldf)
+
+ columns = ['values']
+ rows = level1df.filter(f'header LIKE "%{testBlock}%" AND sample_block = {testGroup}') \
+ .select(*columns) \
+ .collect()
+ outdf = pd.DataFrame(rows, columns=columns)
+ X1_in_stack = np.column_stack(outdf['values'])
+
+ assert np.allclose(X1_in_stack, X1_in)
+
+
+def test_ridge_reducer_transform_with_cov(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testGroup = '0'
+ testBlock = 'chr_1_block_0'
+ ids = indexdf.filter(f'sample_block = {testGroup}').select('sample_ids').head().sample_ids
+ sample_blocks = __get_sample_blocks(indexdf)
+ headers = [
+ r.header
+ for r in blockdf.filter(f'header_block = "{testBlock}" AND sample_block= {testGroup}').
+ orderBy('sort_key').select('header').collect()
+ ]
+
+ C_in = covdf.loc[ids, :].values
+ X_in = X0[headers].loc[ids, :].values
+ X_in_cov = np.column_stack([C_in, X_in])
+ C_out = covdf.drop(ids, axis='rows').values
+ X_out = X0[headers].drop(ids, axis='rows').values
+ X_out_cov = np.column_stack((C_out, X_out))
+ Y_out = labeldf.drop(ids, axis='rows').values
+
+ XtX_out_cov = X_out_cov.T @ X_out_cov
+ XtY_out_cov = X_out_cov.T @ Y_out
+ diags_cov = [
+ np.concatenate([np.ones(n_cov), np.ones(XtX_out_cov.shape[1] - n_cov) * a]) for a in alphas
+ ]
+ B_cov = np.column_stack(
+ [(np.linalg.inv(XtX_out_cov + np.diag(d)) @ XtY_out_cov) for d in diags_cov])
+ X1_in_cov = X_in_cov @ B_cov
+
+ stack = RidgeReducer(alphas)
+ modeldf_cov = stack.fit(blockdf, labeldf, sample_blocks, covdf)
+ level1df_cov = stack.transform(blockdf, labeldf, sample_blocks, modeldf_cov, covdf)
+
+ columns = ['alpha', 'label', 'values']
+ rows_cov = level1df_cov.filter(f'header LIKE "%{testBlock}%" AND sample_block= {testGroup}') \
+ .select(*columns) \
+ .collect()
+ outdf_cov = pd.DataFrame(rows_cov, columns=columns)
+ X1_in_stack_cov = np.column_stack(outdf_cov['values'])
+
+ assert np.allclose(X1_in_stack_cov, X1_in_cov)
+
+
+def __calculate_y_hat(X_base, group2ids, testLabel, cov=covdf_empty):
+ groups = sorted(group2ids.keys(), key=lambda v: v)
+ cov_X = pd.concat([cov, X_base], axis=1, sort=True)
+ headersToKeep = list(cov.columns) + [c for c in X_base.columns if testLabel in c]
+ n_cov = len(cov.columns)
+
+ r2s = []
+ for group in groups:
+ ids = group2ids[group]
+ X_in = cov_X[headersToKeep].loc[ids, :].to_numpy()
+ X_out = cov_X[headersToKeep].drop(ids, axis='rows')
+ Y_in = labeldf[testLabel].loc[ids].to_numpy()
+ Y_out = labeldf[testLabel].loc[X_out.index].to_numpy()
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out
+ diags = [
+ np.concatenate([np.ones(n_cov), np.ones(XtX_out.shape[1] - n_cov) * a]) for a in alphas
+ ]
+ B = np.column_stack(
+ [(np.linalg.inv(XtX_out + np.diag(d)) @ XtY_out) for d in diags])[:, coefOrder]
+ XB = X_in @ B
+ r2 = r_squared(XB, Y_in.reshape(-1, 1))
+ r2s.append(r2)
+ r2_mean = np.row_stack(r2s).mean(axis=0)
+
+ bestAlpha, bestr2 = sorted(zip(alphaMap.keys(), r2_mean), key=lambda t: -t[1])[0]
+
+ y_hat = pd.Series(index=labeldf.index)
+ for group in groups:
+ ids = group2ids[group]
+ X_in = cov_X[headersToKeep].loc[ids, :].to_numpy()
+ X_out = cov_X[headersToKeep].drop(ids, axis='rows')
+ Y_out = labeldf[testLabel].loc[X_out.index].to_numpy()
+ XtX_out = X_out.to_numpy().T @ X_out.to_numpy()
+ XtY_out = X_out.to_numpy().T @ Y_out
+ d = np.concatenate(
+ [np.ones(n_cov),
+ np.ones(XtX_out.shape[1] - n_cov) * alphaMap[bestAlpha]])
+ b = np.linalg.inv(XtX_out + np.diag(d)) @ XtY_out
+ group_y_hats = X_in @ b
+ for s, y in zip(ids, group_y_hats):
+ y_hat[s] = y
+
+ return bestAlpha, bestr2, y_hat.to_numpy()
+
+
+def test_one_level_regression(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testLabel = 'sim100'
+
+ group2ids = __get_sample_blocks(indexdf)
+ bestAlpha, bestr2, y_hat = __calculate_y_hat(X1, group2ids, testLabel)
+
+ stack0 = RidgeReducer(alphas)
+ model0df = stack0.fit(blockdf, labeldf, group2ids)
+ level1df = stack0.transform(blockdf, labeldf, group2ids, model0df)
+
+ regressor = RidgeRegression(alphas)
+ model1df, cvdf = regressor.fit(level1df, labeldf, group2ids)
+ yhatdf = regressor.transform(level1df, labeldf, group2ids, model1df, cvdf)
+
+ r = cvdf.filter(f'label = "{testLabel}"').select('alpha', 'r2_mean').head()
+ bestAlpha_lvl, bestr2_lvl = (r.alpha, r.r2_mean)
+ y_hat_lvl = np.array(yhatdf[testLabel])
+
+ assert (bestAlpha_lvl == bestAlpha and np.isclose(bestr2_lvl, bestr2) and
+ np.allclose(y_hat_lvl, np.array(y_hat)))
+
+
+def test_two_level_regression(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testLabel = 'sim100'
+
+ group2ids = __get_sample_blocks(indexdf)
+ bestAlpha, bestr2, y_hat = __calculate_y_hat(X2, group2ids, testLabel)
+
+ stack0 = RidgeReducer(alphas)
+ model0df = stack0.fit(blockdf, labeldf, group2ids)
+ level1df = stack0.transform(blockdf, labeldf, group2ids, model0df)
+
+ stack1 = RidgeReducer(alphas)
+ model1df = stack1.fit(level1df, labeldf, group2ids)
+ level2df = stack1.transform(level1df, labeldf, group2ids, model1df)
+
+ regressor = RidgeRegression(alphas)
+ model2df, cvdf = regressor.fit(level2df, labeldf, group2ids)
+ yhatdf = regressor.transform(level2df, labeldf, group2ids, model2df, cvdf)
+
+ r = cvdf.filter(f'label = "{testLabel}"').select('alpha', 'r2_mean').head()
+ bestAlpha_lvl, bestr2_lvl = (r.alpha, r.r2_mean)
+ y_hat_lvl = np.array(yhatdf[testLabel])
+
+ assert (bestAlpha_lvl == bestAlpha and np.isclose(bestr2_lvl, bestr2) and
+ np.allclose(y_hat_lvl, np.array(y_hat)))
+
+
+def test_two_level_regression_with_cov(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+ testLabel = 'sim100'
+
+ group2ids = __get_sample_blocks(indexdf)
+ bestAlpha, bestr2, y_hat = __calculate_y_hat(X2, group2ids, testLabel, covdf)
+
+ stack0 = RidgeReducer(alphas)
+ model0df = stack0.fit(blockdf, labeldf, group2ids)
+ level1df = stack0.transform(blockdf, labeldf, group2ids, model0df)
+
+ stack1 = RidgeReducer(alphas)
+ model1df = stack1.fit(level1df, labeldf, group2ids)
+ level2df = stack1.transform(level1df, labeldf, group2ids, model1df)
+
+ regressor = RidgeRegression(alphas)
+ model2df, cvdf = regressor.fit(level2df, labeldf, group2ids, covdf)
+ yhatdf = regressor.transform(level2df, labeldf, group2ids, model2df, cvdf, covdf)
+
+ r = cvdf.filter(f'label = "{testLabel}"').select('alpha', 'r2_mean').head()
+ bestAlpha_lvl, bestr2_lvl = (r.alpha, r.r2_mean)
+ y_hat_lvl = np.array(yhatdf[testLabel])
+
+ assert (bestAlpha_lvl == bestAlpha and np.isclose(bestr2_lvl, bestr2) and
+ np.allclose(y_hat_lvl, np.array(y_hat)))
+
+
+def test_tie_break(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+
+ group2ids = __get_sample_blocks(indexdf)
+
+ stack0 = RidgeReducer(alphas)
+ model0df = stack0.fit(blockdf, labeldf, group2ids)
+ level1df = stack0.transform(blockdf, labeldf, group2ids, model0df)
+
+ regressor = RidgeRegression(np.array([0.1, 0.2, 0.1, 0.2]))
+ _, cvdf = regressor.fit(level1df, labeldf, group2ids)
+
+ assert cvdf.count() == len(labeldf.columns)
+
+
+def test_reducer_fit_transform(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+
+ group2ids = __get_sample_blocks(indexdf)
+
+ stack0 = RidgeReducer(alphas)
+ model0df = stack0.fit(blockdf, labeldf, group2ids)
+ level1df = stack0.transform(blockdf, labeldf, group2ids, model0df)
+ fit_transform_df = stack0.fit_transform(blockdf, labeldf, group2ids)
+
+ assert fit_transform_df.subtract(level1df).count() == 0
+ assert level1df.subtract(fit_transform_df).count() == 0
+
+
+def test_regression_fit_transform(spark):
+
+ indexdf = spark.read.parquet(f'{data_root}/groupedIDs.snappy.parquet')
+ blockdf = spark.read.parquet(f'{data_root}/blockedGT.snappy.parquet')
+
+ group2ids = __get_sample_blocks(indexdf)
+
+ stack0 = RidgeReducer(alphas)
+ model0df = stack0.fit(blockdf, labeldf, group2ids)
+ level1df = stack0.transform(blockdf, labeldf, group2ids, model0df)
+
+ regressor = RidgeRegression(alphas)
+ model1df, cvdf = regressor.fit(level1df, labeldf, group2ids)
+ yhatdf = regressor.transform(level1df, labeldf, group2ids, model1df, cvdf)
+ fit_transform_df = regressor.fit_transform(level1df, labeldf, group2ids)
+
+ assert fit_transform_df.equals(yhatdf)
diff --git a/python/glow/wgr/tests/test_block_variants_and_samples.py b/python/glow/wgr/tests/test_block_variants_and_samples.py
new file mode 100644
index 000000000..4c082fceb
--- /dev/null
+++ b/python/glow/wgr/tests/test_block_variants_and_samples.py
@@ -0,0 +1,105 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 glow import glow
+from glow.wgr import functions
+import pytest
+from pyspark.sql import Row
+from pyspark.sql.functions import expr
+from pyspark.sql.utils import AnalysisException
+
+
+def __construct_row(values):
+ return Row(contigName="chr21",
+ start=100,
+ referenceAllele="A",
+ alternateAlleles=["T", "C"],
+ values=values)
+
+
+def test_block_variants_and_samples(spark):
+ variant_df = spark.read.format("vcf") \
+ .load("test-data/combined.chr20_18210071_18210093.g.vcf") \
+ .withColumn("values", expr("genotype_states(genotypes)"))
+ sample_ids = ["HG00096", "HG00268", "NA19625"]
+ block_gt, index_map = functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
+ expected_block_gt = glow.transform("block_variants_and_samples",
+ variant_df,
+ variants_per_block=10,
+ sample_block_count=2)
+ assert block_gt.collect() == expected_block_gt.collect()
+ assert index_map == {"1": ["HG00096", "HG00268"], "2": ["NA19625"]}
+
+
+def test_missing_values(spark):
+ variant_df = spark.read.format("vcf").load("test-data/combined.chr20_18210071_18210093.g.vcf")
+ sample_ids = ["HG00096", "HG00268", "NA19625"]
+ with pytest.raises(AnalysisException):
+ functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
+
+
+def test_no_values(spark):
+ variant_df = spark.createDataFrame([__construct_row([0, 1])]).limit(0)
+ sample_ids = ["a", "b"]
+ with pytest.raises(Exception):
+ functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
+
+
+def test_inconsistent_num_values(spark):
+ variant_df = spark.createDataFrame([__construct_row([0, 1]), __construct_row([1, 1, 2])])
+ sample_ids = ["a", "b", "c"]
+ with pytest.raises(Exception):
+ functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
+
+
+def test_mismatch_num_values_sample_ids(spark):
+ variant_df = spark.createDataFrame([__construct_row([0, 1]), __construct_row([1, 1])])
+ sample_ids = ["a", "b", "c"]
+ with pytest.raises(Exception):
+ functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
+
+
+def test_missing_sample_ids(spark):
+ variant_df = spark.createDataFrame([__construct_row([0, 1]), __construct_row([1, 1])])
+ sample_ids = ["a", ""]
+ with pytest.raises(Exception):
+ functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
+
+
+def test_duplicated_sample_ids(spark):
+ variant_df = spark.createDataFrame([__construct_row([0, 1]), __construct_row([1, 1])])
+ sample_ids = ["a", "a"]
+ with pytest.raises(Exception):
+ functions.block_variants_and_samples(variant_df,
+ sample_ids,
+ variants_per_block=10,
+ sample_block_count=2)
diff --git a/python/glow/wgr/tests/test_sample_id_extraction.py b/python/glow/wgr/tests/test_sample_id_extraction.py
new file mode 100644
index 000000000..d9265f97b
--- /dev/null
+++ b/python/glow/wgr/tests/test_sample_id_extraction.py
@@ -0,0 +1,63 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 pytest
+from pyspark.sql import Row
+from pyspark.sql.utils import AnalysisException
+from glow.wgr import functions
+
+
+def __construct_row(sample_id_1, sample_id_2):
+ return Row(contigName="chr21",
+ genotypes=[
+ Row(sampleId=sample_id_1, calls=[1, 1]),
+ Row(sampleId=sample_id_2, calls=[0, 1])
+ ])
+
+
+def test_get_sample_ids(spark):
+ df = spark.read.format("vcf").load("test-data/combined.chr20_18210071_18210093.g.vcf")
+ sample_ids = functions.get_sample_ids(df)
+ assert (sample_ids == ["HG00096", "HG00268", "NA19625"])
+
+
+def test_missing_sample_id_field(spark):
+ df = spark.read.format("vcf").option("includeSampleIds", "false") \
+ .load("test-data/combined.chr20_18210071_18210093.g.vcf")
+ with pytest.raises(AnalysisException):
+ functions.get_sample_ids(df)
+
+
+def test_inconsistent_sample_ids(spark):
+ df = spark.createDataFrame([__construct_row("a", "b"), __construct_row("a", "c")])
+ with pytest.raises(Exception):
+ functions.get_sample_ids(df)
+
+
+def test_incorrectly_typed_sample_ids(spark):
+ df = spark.createDataFrame([__construct_row(1, 2)])
+ with pytest.raises(Exception):
+ functions.get_sample_ids(df)
+
+
+def test_empty_sample_ids(spark):
+ df = spark.createDataFrame([__construct_row("a", "")])
+ with pytest.raises(Exception):
+ functions.get_sample_ids(df)
+
+
+def test_duplicated_sample_ids(spark):
+ df = spark.createDataFrame([__construct_row("a", "a")])
+ with pytest.raises(Exception):
+ functions.get_sample_ids(df)
diff --git a/python/project/build.properties b/python/project/build.properties
new file mode 100644
index 000000000..797e7ccfd
--- /dev/null
+++ b/python/project/build.properties
@@ -0,0 +1 @@
+sbt.version=1.3.10
diff --git a/python/render_template.py b/python/render_template.py
index 86660ce8a..d91a0ccfd 100755
--- a/python/render_template.py
+++ b/python/render_template.py
@@ -1,5 +1,19 @@
#!/usr/bin/env python
+# Copyright 2019 The Glow Authors
+#
+# 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.
+
# A script that turns a YAML file in the format of functions.yml into language specific clients
# using jinja2 templates.
diff --git a/python/setup.py b/python/setup.py
index c8eb0eb80..44588ee59 100644
--- a/python/setup.py
+++ b/python/setup.py
@@ -1,12 +1,29 @@
-from setuptools import setup
+# Copyright 2019 The Glow Authors
+#
+# 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 setuptools import setup, setuptools
import imp
version = imp.load_source('version', 'version.py').VERSION
setup(name='glow.py',
version=version,
- packages=['glow'],
+ packages=setuptools.find_packages(),
install_requires=[
+ 'nptyping==1.1.0',
+ 'numpy>=1.17.4',
+ 'pandas>=0.25.3',
'typeguard==2.5.0',
],
author='The Glow Authors',
diff --git a/python/test_render_template.py b/python/test_render_template.py
index d4b0b2387..2d0ca9f66 100644
--- a/python/test_render_template.py
+++ b/python/test_render_template.py
@@ -1,3 +1,17 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 pytest
import render_template as rt
diff --git a/python/version.py b/python/version.py
index 5052c1fd1..09deb0d4b 100644
--- a/python/version.py
+++ b/python/version.py
@@ -1 +1,15 @@
+# Copyright 2019 The Glow Authors
+#
+# 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.
+
VERSION = '0.4.0'
diff --git a/test-data/variantsampleblockmaker-test/1000G.phase3.broad.withGenotypes.chr20.10100000.100Samples.Blocked.tsv b/test-data/variantsampleblockmaker-test/1000G.phase3.broad.withGenotypes.chr20.10100000.100Samples.Blocked.tsv
new file mode 100644
index 000000000..9f483ccc8
--- /dev/null
+++ b/test-data/variantsampleblockmaker-test/1000G.phase3.broad.withGenotypes.chr20.10100000.100Samples.Blocked.tsv
@@ -0,0 +1,687 @@
+header size values header_block sample_block position mu sig
+20:10000053:CTTTG:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000053 0.010000000000000002 0.1
+20:10000053:CTTTG:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10000053 0.010000000000000002 0.1
+20:10000053:CTTTG:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000053 0.010000000000000002 0.1
+20:10000053:CTTTG:C 14 0,0,0,0,0,0,0,0,0,0,1,0,0,0 chr_20_block_0 4 10000053 0.010000000000000002 0.1
+20:10000053:CTTTG:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000053 0.010000000000000002 0.1
+20:10000053:CTTTG:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000053 0.010000000000000002 0.1
+20:10000053:CTTTG:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000053 0.010000000000000002 0.1
+20:10000106:T:C 14 0,0,0,0,0,0,0,0,0,0,1,0,0,0 chr_20_block_0 1 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000106:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000106:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000106:T:C 14 0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_0 4 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000106:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000106:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000106:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000106 7.355227538141664E-18 0.14213381090374025
+20:10000116:C:T 14 0,1,0,0,1,2,2,1,0,2,1,1,1,0 chr_20_block_0 1 10000116 1.1599999999999997 0.7483314773547883
+20:10000116:C:T 15 1,1,0,2,1,1,0,2,0,2,1,1,1,2,0 chr_20_block_0 2 10000116 1.1599999999999997 0.7483314773547883
+20:10000116:C:T 14 0,2,2,2,1,2,2,2,2,1,1,1,1,1 chr_20_block_0 3 10000116 1.1599999999999997 0.7483314773547883
+20:10000116:C:T 14 1,2,0,1,0,0,1,2,1,2,2,2,1,0 chr_20_block_0 4 10000116 1.1599999999999997 0.7483314773547883
+20:10000116:C:T 14 0,0,1,2,2,2,0,1,1,1,2,1,2,2 chr_20_block_0 5 10000116 1.1599999999999997 0.7483314773547883
+20:10000116:C:T 15 2,2,0,1,2,1,1,1,2,2,1,0,0,1,1 chr_20_block_0 6 10000116 1.1599999999999997 0.7483314773547883
+20:10000116:C:T 14 1,1,2,2,1,1,1,2,2,2,1,2,2,0 chr_20_block_0 7 10000116 1.1599999999999997 0.7483314773547883
+20:10000210:C:T 14 0,1,0,0,1,2,2,1,0,2,1,1,1,0 chr_20_block_0 1 10000210 1.1599999999999997 0.7617099317995139
+20:10000210:C:T 15 0,1,0,2,1,2,0,2,0,2,1,2,1,2,0 chr_20_block_0 2 10000210 1.1599999999999997 0.7617099317995139
+20:10000210:C:T 14 0,2,2,2,1,2,2,2,2,1,1,1,1,1 chr_20_block_0 3 10000210 1.1599999999999997 0.7617099317995139
+20:10000210:C:T 14 1,2,0,1,0,0,1,2,1,2,2,2,1,1 chr_20_block_0 4 10000210 1.1599999999999997 0.7617099317995139
+20:10000210:C:T 14 0,0,1,2,1,2,0,1,2,1,2,1,0,2 chr_20_block_0 5 10000210 1.1599999999999997 0.7617099317995139
+20:10000210:C:T 15 2,2,0,1,2,1,1,1,2,2,1,0,1,1,1 chr_20_block_0 6 10000210 1.1599999999999997 0.7617099317995139
+20:10000210:C:T 14 0,1,2,2,1,1,1,2,2,2,1,2,2,0 chr_20_block_0 7 10000210 1.1599999999999997 0.7617099317995139
+20:10000239:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000239 0.0 0.0
+20:10000239:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10000239 0.0 0.0
+20:10000239:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000239 0.0 0.0
+20:10000239:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10000239 0.0 0.0
+20:10000239:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000239 0.0 0.0
+20:10000239:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000239 0.0 0.0
+20:10000239:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000239 0.0 0.0
+20:10000352:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000352 0.0 0.0
+20:10000352:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10000352 0.0 0.0
+20:10000352:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000352 0.0 0.0
+20:10000352:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10000352 0.0 0.0
+20:10000352:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000352 0.0 0.0
+20:10000352:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000352 0.0 0.0
+20:10000352:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000352 0.0 0.0
+20:10000364:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000364 -0.010000000000000002 0.1
+20:10000364:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10000364 -0.010000000000000002 0.1
+20:10000364:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000364 -0.010000000000000002 0.1
+20:10000364:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10000364 -0.010000000000000002 0.1
+20:10000364:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,-1,0 chr_20_block_0 5 10000364 -0.010000000000000002 0.1
+20:10000364:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000364 -0.010000000000000002 0.1
+20:10000364:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000364 -0.010000000000000002 0.1
+20:10000438:T:G 14 1,1,2,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_0 1 10000438 1.48 0.7174590404667535
+20:10000438:T:G 15 2,1,1,2,1,2,1,-1,0,2,1,0,2,2,0 chr_20_block_0 2 10000438 1.48 0.7174590404667535
+20:10000438:T:G 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_0 3 10000438 1.48 0.7174590404667535
+20:10000438:T:G 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_0 4 10000438 1.48 0.7174590404667535
+20:10000438:T:G 14 0,0,2,2,2,2,0,1,2,0,2,1,2,2 chr_20_block_0 5 10000438 1.48 0.7174590404667535
+20:10000438:T:G 15 2,2,0,1,2,1,1,1,2,2,2,1,2,1,1 chr_20_block_0 6 10000438 1.48 0.7174590404667535
+20:10000438:T:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_0 7 10000438 1.48 0.7174590404667535
+20:10000533:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000533 -0.020000000000000007 0.1407052941362897
+20:10000533:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10000533 -0.020000000000000007 0.1407052941362897
+20:10000533:T:C 14 0,-1,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_0 3 10000533 -0.020000000000000007 0.1407052941362897
+20:10000533:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10000533 -0.020000000000000007 0.1407052941362897
+20:10000533:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000533 -0.020000000000000007 0.1407052941362897
+20:10000533:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000533 -0.020000000000000007 0.1407052941362897
+20:10000533:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000533 -0.020000000000000007 0.1407052941362897
+20:10000557:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000557 -0.020000000000000004 0.1407052941362897
+20:10000557:G:A 15 0,0,0,0,0,0,0,-1,0,0,0,0,0,0,0 chr_20_block_0 2 10000557 -0.020000000000000004 0.1407052941362897
+20:10000557:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000557 -0.020000000000000004 0.1407052941362897
+20:10000557:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10000557 -0.020000000000000004 0.1407052941362897
+20:10000557:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000557 -0.020000000000000004 0.1407052941362897
+20:10000557:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000557 -0.020000000000000004 0.1407052941362897
+20:10000557:G:A 14 -1,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000557 -0.020000000000000004 0.1407052941362897
+20:10000585:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10000585 -0.010000000000000007 0.17378728435078383
+20:10000585:C:T 15 0,0,0,0,0,0,0,-1,0,0,0,0,0,0,0 chr_20_block_0 2 10000585 -0.010000000000000007 0.17378728435078383
+20:10000585:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10000585 -0.010000000000000007 0.17378728435078383
+20:10000585:C:T 14 0,-1,0,0,0,0,0,0,0,0,0,1,0,0 chr_20_block_0 4 10000585 -0.010000000000000007 0.17378728435078383
+20:10000585:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10000585 -0.010000000000000007 0.17378728435078383
+20:10000585:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10000585 -0.010000000000000007 0.17378728435078383
+20:10000585:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10000585 -0.010000000000000007 0.17378728435078383
+20:10000597:T:A 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_0 1 10000597 1.4400000000000002 0.7563869460277671
+20:10000597:T:A 15 2,1,1,2,2,2,1,-1,1,2,1,1,1,2,0 chr_20_block_0 2 10000597 1.4400000000000002 0.7563869460277671
+20:10000597:T:A 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_0 3 10000597 1.4400000000000002 0.7563869460277671
+20:10000597:T:A 14 2,-1,0,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_0 4 10000597 1.4400000000000002 0.7563869460277671
+20:10000597:T:A 14 0,0,2,2,2,2,0,1,2,1,2,0,2,2 chr_20_block_0 5 10000597 1.4400000000000002 0.7563869460277671
+20:10000597:T:A 15 2,2,0,0,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_0 6 10000597 1.4400000000000002 0.7563869460277671
+20:10000597:T:A 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_0 7 10000597 1.4400000000000002 0.7563869460277671
+20:10000693:G:A 14 1,0,0,1,1,2,2,1,0,2,1,1,1,0 chr_20_block_0 1 10000693 1.13 0.7996842811353426
+20:10000693:G:A 15 2,1,0,2,1,1,0,2,0,2,1,0,1,2,0 chr_20_block_0 2 10000693 1.13 0.7996842811353426
+20:10000693:G:A 14 0,2,2,2,0,2,2,1,2,1,1,1,1,0 chr_20_block_0 3 10000693 1.13 0.7996842811353426
+20:10000693:G:A 14 1,2,0,1,0,0,1,2,2,2,2,2,1,1 chr_20_block_0 4 10000693 1.13 0.7996842811353426
+20:10000693:G:A 14 0,0,1,2,2,2,0,1,2,1,2,0,2,2 chr_20_block_0 5 10000693 1.13 0.7996842811353426
+20:10000693:G:A 15 2,2,0,0,2,1,0,1,2,2,1,0,0,0,1 chr_20_block_0 6 10000693 1.13 0.7996842811353426
+20:10000693:G:A 14 1,1,2,2,1,1,1,2,2,2,1,2,2,0 chr_20_block_0 7 10000693 1.13 0.7996842811353426
+20:10000757:T:A 14 1,1,2,2,2,2,2,2,0,2,1,2,1,2 chr_20_block_0 1 10000757 1.4899999999999998 0.7176701923937661
+20:10000757:T:A 15 2,1,1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_0 2 10000757 1.4899999999999998 0.7176701923937661
+20:10000757:T:A 14 0,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_0 3 10000757 1.4899999999999998 0.7176701923937661
+20:10000757:T:A 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_0 4 10000757 1.4899999999999998 0.7176701923937661
+20:10000757:T:A 14 0,0,2,2,2,2,0,1,-1,1,2,0,2,2 chr_20_block_0 5 10000757 1.4899999999999998 0.7176701923937661
+20:10000757:T:A 15 2,2,0,1,2,1,1,1,2,2,2,1,1,2,2 chr_20_block_0 6 10000757 1.4899999999999998 0.7176701923937661
+20:10000757:T:A 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_0 7 10000757 1.4899999999999998 0.7176701923937661
+20:10001018:T:G 14 -1,1,0,0,1,2,-1,1,0,2,1,0,1,0 chr_20_block_0 1 10001018 0.97 0.9369518599580172
+20:10001018:T:G 15 1,1,0,2,-1,1,0,2,0,2,1,1,1,2,0 chr_20_block_0 2 10001018 0.97 0.9369518599580172
+20:10001018:T:G 14 0,2,2,2,1,2,2,1,2,1,1,1,1,0 chr_20_block_0 3 10001018 0.97 0.9369518599580172
+20:10001018:T:G 14 1,2,0,1,0,0,-1,2,0,2,-1,2,0,0 chr_20_block_0 4 10001018 0.97 0.9369518599580172
+20:10001018:T:G 14 0,0,1,2,2,2,0,0,2,1,2,-1,1,2 chr_20_block_0 5 10001018 0.97 0.9369518599580172
+20:10001018:T:G 15 2,2,0,1,-1,1,1,1,2,2,1,0,2,1,1 chr_20_block_0 6 10001018 0.97 0.9369518599580172
+20:10001018:T:G 14 1,1,2,2,1,1,2,2,2,2,1,2,2,0 chr_20_block_0 7 10001018 0.97 0.9369518599580172
+20:10001037:T:C 14 -1,0,0,0,0,0,-1,0,0,0,0,0,0,0 chr_20_block_0 1 10001037 -0.06999999999999999 0.2931886695621029
+20:10001037:T:C 15 0,0,0,0,-1,0,0,0,0,-1,0,0,0,0,0 chr_20_block_0 2 10001037 -0.06999999999999999 0.2931886695621029
+20:10001037:T:C 14 0,-1,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10001037 -0.06999999999999999 0.2931886695621029
+20:10001037:T:C 14 0,0,0,0,0,0,-1,1,0,0,-1,0,0,0 chr_20_block_0 4 10001037 -0.06999999999999999 0.2931886695621029
+20:10001037:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10001037 -0.06999999999999999 0.2931886695621029
+20:10001037:T:C 15 0,0,0,0,-1,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10001037 -0.06999999999999999 0.2931886695621029
+20:10001037:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10001037 -0.06999999999999999 0.2931886695621029
+20:10001297:T:A 14 0,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_0 1 10001297 1.4400000000000004 0.7291893935852137
+20:10001297:T:A 15 2,1,2,2,1,2,1,2,0,-1,1,1,1,2,0 chr_20_block_0 2 10001297 1.4400000000000004 0.7291893935852137
+20:10001297:T:A 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_0 3 10001297 1.4400000000000004 0.7291893935852137
+20:10001297:T:A 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_0 4 10001297 1.4400000000000004 0.7291893935852137
+20:10001297:T:A 14 0,0,2,2,2,2,0,1,2,1,2,0,1,2 chr_20_block_0 5 10001297 1.4400000000000004 0.7291893935852137
+20:10001297:T:A 15 2,2,0,1,2,1,1,1,2,2,2,1,0,1,1 chr_20_block_0 6 10001297 1.4400000000000004 0.7291893935852137
+20:10001297:T:A 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_0 7 10001297 1.4400000000000004 0.7291893935852137
+20:10001364:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10001364 -0.02 0.1407052941362897
+20:10001364:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10001364 -0.02 0.1407052941362897
+20:10001364:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10001364 -0.02 0.1407052941362897
+20:10001364:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10001364 -0.02 0.1407052941362897
+20:10001364:C:T 14 0,0,0,0,0,0,0,0,-1,0,0,0,0,0 chr_20_block_0 5 10001364 -0.02 0.1407052941362897
+20:10001364:C:T 15 -1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10001364 -0.02 0.1407052941362897
+20:10001364:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10001364 -0.02 0.1407052941362897
+20:10001365:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10001365 -0.02 0.1407052941362897
+20:10001365:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10001365 -0.02 0.1407052941362897
+20:10001365:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10001365 -0.02 0.1407052941362897
+20:10001365:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10001365 -0.02 0.1407052941362897
+20:10001365:G:A 14 0,0,0,0,0,0,0,0,-1,0,0,0,0,0 chr_20_block_0 5 10001365 -0.02 0.1407052941362897
+20:10001365:G:A 15 -1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10001365 -0.02 0.1407052941362897
+20:10001365:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10001365 -0.02 0.1407052941362897
+20:10001431:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 1 10001431 0.0 0.0
+20:10001431:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 2 10001431 0.0 0.0
+20:10001431:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 3 10001431 0.0 0.0
+20:10001431:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 4 10001431 0.0 0.0
+20:10001431:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 5 10001431 0.0 0.0
+20:10001431:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 6 10001431 0.0 0.0
+20:10001431:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_0 7 10001431 0.0 0.0
+20:10001435:A:AAGGCT 14 1,1,1,2,2,2,2,2,0,2,0,0,1,2 chr_20_block_1 1 10001435 1.3099999999999996 0.837203135988567
+20:10001435:A:AAGGCT 15 2,1,1,2,0,2,1,0,0,2,0,0,1,0,0 chr_20_block_1 2 10001435 1.3099999999999996 0.837203135988567
+20:10001435:A:AAGGCT 14 2,2,2,2,0,2,2,2,2,2,1,1,2,0 chr_20_block_1 3 10001435 1.3099999999999996 0.837203135988567
+20:10001435:A:AAGGCT 14 0,2,0,1,0,2,2,2,2,2,0,2,2,2 chr_20_block_1 4 10001435 1.3099999999999996 0.837203135988567
+20:10001435:A:AAGGCT 14 0,0,2,2,2,2,0,1,2,0,2,0,0,2 chr_20_block_1 5 10001435 1.3099999999999996 0.837203135988567
+20:10001435:A:AAGGCT 15 2,2,0,1,2,1,1,1,2,2,2,1,2,2,2 chr_20_block_1 6 10001435 1.3099999999999996 0.837203135988567
+20:10001435:A:AAGGCT 14 0,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_1 7 10001435 1.3099999999999996 0.837203135988567
+20:10001473:C:T 14 1,1,1,2,2,2,2,2,0,2,0,1,0,2 chr_20_block_1 1 10001473 1.4200000000000006 0.7808309482192478
+20:10001473:C:T 15 2,1,1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_1 2 10001473 1.4200000000000006 0.7808309482192478
+20:10001473:C:T 14 1,2,2,2,-1,2,2,2,2,2,1,1,2,2 chr_20_block_1 3 10001473 1.4200000000000006 0.7808309482192478
+20:10001473:C:T 14 2,2,0,1,0,2,2,2,2,2,-1,2,2,2 chr_20_block_1 4 10001473 1.4200000000000006 0.7808309482192478
+20:10001473:C:T 14 0,0,2,2,2,2,0,1,2,1,2,0,1,2 chr_20_block_1 5 10001473 1.4200000000000006 0.7808309482192478
+20:10001473:C:T 15 2,2,0,1,2,1,1,1,2,2,2,1,2,1,2 chr_20_block_1 6 10001473 1.4200000000000006 0.7808309482192478
+20:10001473:C:T 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_1 7 10001473 1.4200000000000006 0.7808309482192478
+20:10001486:AG:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001486 -0.020000000000000004 0.1407052941362897
+20:10001486:AG:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10001486 -0.020000000000000004 0.1407052941362897
+20:10001486:AG:A 14 0,0,0,0,-1,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001486 -0.020000000000000004 0.1407052941362897
+20:10001486:AG:A 14 0,0,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_1 4 10001486 -0.020000000000000004 0.1407052941362897
+20:10001486:AG:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 5 10001486 -0.020000000000000004 0.1407052941362897
+20:10001486:AG:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001486 -0.020000000000000004 0.1407052941362897
+20:10001486:AG:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001486 -0.020000000000000004 0.1407052941362897
+20:10001502:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001502 0.03 0.264193072956086
+20:10001502:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10001502 0.03 0.264193072956086
+20:10001502:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001502 0.03 0.264193072956086
+20:10001502:G:A 14 0,0,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_1 4 10001502 0.03 0.264193072956086
+20:10001502:G:A 14 1,1,0,0,0,0,0,0,0,0,0,2,0,0 chr_20_block_1 5 10001502 0.03 0.264193072956086
+20:10001502:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001502 0.03 0.264193072956086
+20:10001502:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001502 0.03 0.264193072956086
+20:10001563:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001563 0.0 0.0
+20:10001563:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10001563 0.0 0.0
+20:10001563:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001563 0.0 0.0
+20:10001563:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 4 10001563 0.0 0.0
+20:10001563:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 5 10001563 0.0 0.0
+20:10001563:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001563 0.0 0.0
+20:10001563:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001563 0.0 0.0
+20:10001596:T:C 14 1,0,0,0,0,0,1,0,0,1,0,0,0,0 chr_20_block_1 1 10001596 0.22000000000000008 0.4399265319747759
+20:10001596:T:C 15 0,0,0,0,0,0,0,0,0,0,0,1,0,1,0 chr_20_block_1 2 10001596 0.22000000000000008 0.4399265319747759
+20:10001596:T:C 14 0,0,1,0,0,0,1,0,0,0,1,1,0,0 chr_20_block_1 3 10001596 0.22000000000000008 0.4399265319747759
+20:10001596:T:C 14 0,0,0,0,0,0,0,1,1,0,0,0,0,0 chr_20_block_1 4 10001596 0.22000000000000008 0.4399265319747759
+20:10001596:T:C 14 0,0,0,0,0,0,0,1,1,0,0,1,0,1 chr_20_block_1 5 10001596 0.22000000000000008 0.4399265319747759
+20:10001596:T:C 15 0,0,0,0,0,0,0,0,0,2,1,0,0,0,0 chr_20_block_1 6 10001596 0.22000000000000008 0.4399265319747759
+20:10001596:T:C 14 0,0,0,0,0,1,0,0,1,0,0,1,1,0 chr_20_block_1 7 10001596 0.22000000000000008 0.4399265319747759
+20:10001603:C:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001603 0.0 0.0
+20:10001603:C:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10001603 0.0 0.0
+20:10001603:C:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001603 0.0 0.0
+20:10001603:C:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 4 10001603 0.0 0.0
+20:10001603:C:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 5 10001603 0.0 0.0
+20:10001603:C:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001603 0.0 0.0
+20:10001603:C:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001603 0.0 0.0
+20:10001616:C:A 14 1,1,0,0,1,2,2,1,0,2,1,1,1,0 chr_20_block_1 1 10001616 1.17 0.7528397417562895
+20:10001616:C:A 15 1,1,0,2,1,1,0,2,0,2,1,1,1,2,0 chr_20_block_1 2 10001616 1.17 0.7528397417562895
+20:10001616:C:A 14 0,2,2,2,1,2,2,1,2,1,1,1,1,2 chr_20_block_1 3 10001616 1.17 0.7528397417562895
+20:10001616:C:A 14 1,2,0,1,0,0,0,2,1,2,2,2,2,1 chr_20_block_1 4 10001616 1.17 0.7528397417562895
+20:10001616:C:A 14 0,0,1,2,2,2,0,1,1,1,2,1,1,2 chr_20_block_1 5 10001616 1.17 0.7528397417562895
+20:10001616:C:A 15 2,2,0,1,2,1,1,0,2,2,1,0,2,1,1 chr_20_block_1 6 10001616 1.17 0.7528397417562895
+20:10001616:C:A 14 1,1,2,2,1,1,0,2,2,2,1,2,2,0 chr_20_block_1 7 10001616 1.17 0.7528397417562895
+20:10001627:G:A 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_1 1 10001627 1.4900000000000002 0.6589707309451797
+20:10001627:G:A 15 2,1,1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_1 2 10001627 1.4900000000000002 0.6589707309451797
+20:10001627:G:A 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_1 3 10001627 1.4900000000000002 0.6589707309451797
+20:10001627:G:A 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_1 4 10001627 1.4900000000000002 0.6589707309451797
+20:10001627:G:A 14 0,0,2,2,2,2,0,1,2,1,2,1,1,2 chr_20_block_1 5 10001627 1.4900000000000002 0.6589707309451797
+20:10001627:G:A 15 2,2,0,1,2,1,1,1,2,2,2,1,2,1,2 chr_20_block_1 6 10001627 1.4900000000000002 0.6589707309451797
+20:10001627:G:A 14 1,2,2,2,2,1,0,2,2,2,1,2,2,1 chr_20_block_1 7 10001627 1.4900000000000002 0.6589707309451797
+20:10001660:T:C 14 0,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_1 1 10001660 1.4499999999999995 0.7299508769967217
+20:10001660:T:C 15 2,1,1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_1 2 10001660 1.4499999999999995 0.7299508769967217
+20:10001660:T:C 14 1,2,2,2,2,2,2,0,2,2,1,1,2,2 chr_20_block_1 3 10001660 1.4499999999999995 0.7299508769967217
+20:10001660:T:C 14 2,2,1,1,0,2,2,2,2,2,-1,2,2,2 chr_20_block_1 4 10001660 1.4499999999999995 0.7299508769967217
+20:10001660:T:C 14 0,0,2,2,2,2,0,1,2,1,2,0,1,2 chr_20_block_1 5 10001660 1.4499999999999995 0.7299508769967217
+20:10001660:T:C 15 2,2,0,1,2,1,1,1,2,2,2,1,2,1,2 chr_20_block_1 6 10001660 1.4499999999999995 0.7299508769967217
+20:10001660:T:C 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_1 7 10001660 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 14 0,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_1 1 10001669 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 15 2,1,1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_1 2 10001669 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 14 1,2,2,2,2,2,2,0,2,2,1,1,2,2 chr_20_block_1 3 10001669 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 14 2,2,1,1,0,2,2,2,2,2,-1,2,2,2 chr_20_block_1 4 10001669 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 14 0,0,2,2,2,2,0,1,2,1,2,0,1,2 chr_20_block_1 5 10001669 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 15 2,2,0,1,2,1,1,1,2,2,2,1,2,1,2 chr_20_block_1 6 10001669 1.4499999999999995 0.7299508769967217
+20:10001669:T:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_1 7 10001669 1.4499999999999995 0.7299508769967217
+20:10001759:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001759 -0.030000000000000006 0.1714466079977653
+20:10001759:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10001759 -0.030000000000000006 0.1714466079977653
+20:10001759:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001759 -0.030000000000000006 0.1714466079977653
+20:10001759:C:T 14 0,0,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_1 4 10001759 -0.030000000000000006 0.1714466079977653
+20:10001759:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 5 10001759 -0.030000000000000006 0.1714466079977653
+20:10001759:C:T 15 0,0,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001759 -0.030000000000000006 0.1714466079977653
+20:10001759:C:T 14 0,-1,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001759 -0.030000000000000006 0.1714466079977653
+20:10001768:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001768 -0.03 0.1714466079977653
+20:10001768:C:T 15 0,0,0,0,0,0,0,-1,0,0,0,0,0,0,0 chr_20_block_1 2 10001768 -0.03 0.1714466079977653
+20:10001768:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001768 -0.03 0.1714466079977653
+20:10001768:C:T 14 0,0,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_1 4 10001768 -0.03 0.1714466079977653
+20:10001768:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 5 10001768 -0.03 0.1714466079977653
+20:10001768:C:T 15 0,0,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001768 -0.03 0.1714466079977653
+20:10001768:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001768 -0.03 0.1714466079977653
+20:10001884:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10001884 -0.010000000000000002 0.1
+20:10001884:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10001884 -0.010000000000000002 0.1
+20:10001884:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10001884 -0.010000000000000002 0.1
+20:10001884:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 4 10001884 -0.010000000000000002 0.1
+20:10001884:C:T 14 0,-1,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 5 10001884 -0.010000000000000002 0.1
+20:10001884:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10001884 -0.010000000000000002 0.1
+20:10001884:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10001884 -0.010000000000000002 0.1
+20:10002021:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10002021 -0.02 0.1407052941362897
+20:10002021:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10002021 -0.02 0.1407052941362897
+20:10002021:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10002021 -0.02 0.1407052941362897
+20:10002021:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 4 10002021 -0.02 0.1407052941362897
+20:10002021:A:G 14 0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_1 5 10002021 -0.02 0.1407052941362897
+20:10002021:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_1 6 10002021 -0.02 0.1407052941362897
+20:10002021:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10002021 -0.02 0.1407052941362897
+20:10002035:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 1 10002035 -0.010000000000000002 0.1
+20:10002035:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 2 10002035 -0.010000000000000002 0.1
+20:10002035:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 3 10002035 -0.010000000000000002 0.1
+20:10002035:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 4 10002035 -0.010000000000000002 0.1
+20:10002035:A:G 14 0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_1 5 10002035 -0.010000000000000002 0.1
+20:10002035:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 6 10002035 -0.010000000000000002 0.1
+20:10002035:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_1 7 10002035 -0.010000000000000002 0.1
+20:10002057:T:G 14 1,1,1,2,2,2,2,2,0,2,1,1,1,-1 chr_20_block_1 1 10002057 1.4699999999999998 0.7447459060958069
+20:10002057:T:G 15 2,1,1,2,1,2,1,2,0,2,1,2,1,2,0 chr_20_block_1 2 10002057 1.4699999999999998 0.7447459060958069
+20:10002057:T:G 14 2,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_1 3 10002057 1.4699999999999998 0.7447459060958069
+20:10002057:T:G 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_1 4 10002057 1.4699999999999998 0.7447459060958069
+20:10002057:T:G 14 0,0,2,2,2,2,0,1,2,1,2,-1,2,2 chr_20_block_1 5 10002057 1.4699999999999998 0.7447459060958069
+20:10002057:T:G 15 2,2,0,1,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_1 6 10002057 1.4699999999999998 0.7447459060958069
+20:10002057:T:G 14 2,2,2,2,2,1,0,2,2,2,1,2,2,1 chr_20_block_1 7 10002057 1.4699999999999998 0.7447459060958069
+20:10002098:C:T 14 0,0,1,2,1,0,0,1,0,0,0,0,0,2 chr_20_block_1 1 10002098 0.3299999999999998 0.6039432711335352
+20:10002098:C:T 15 0,0,0,0,0,1,1,0,0,0,0,0,0,0,0 chr_20_block_1 2 10002098 0.3299999999999998 0.6039432711335352
+20:10002098:C:T 14 2,0,0,0,0,0,0,0,0,2,0,0,1,2 chr_20_block_1 3 10002098 0.3299999999999998 0.6039432711335352
+20:10002098:C:T 14 1,0,1,0,0,2,0,0,1,0,0,0,1,1 chr_20_block_1 4 10002098 0.3299999999999998 0.6039432711335352
+20:10002098:C:T 14 0,0,1,0,0,0,0,0,1,0,0,0,0,0 chr_20_block_1 5 10002098 0.3299999999999998 0.6039432711335352
+20:10002098:C:T 15 0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 chr_20_block_1 6 10002098 0.3299999999999998 0.6039432711335352
+20:10002098:C:T 14 2,1,0,0,1,0,0,0,0,0,0,0,0,1 chr_20_block_1 7 10002098 0.3299999999999998 0.6039432711335352
+20:10002137:C:G 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_1 1 10002137 1.39 0.8515582864088137
+20:10002137:C:G 15 2,2,-1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_1 2 10002137 1.39 0.8515582864088137
+20:10002137:C:G 14 1,2,2,2,2,2,2,0,2,2,1,1,2,2 chr_20_block_1 3 10002137 1.39 0.8515582864088137
+20:10002137:C:G 14 2,2,1,1,0,-1,2,2,2,2,-1,2,2,2 chr_20_block_1 4 10002137 1.39 0.8515582864088137
+20:10002137:C:G 14 0,0,2,2,2,2,-1,1,2,1,2,0,-1,2 chr_20_block_1 5 10002137 1.39 0.8515582864088137
+20:10002137:C:G 15 2,2,0,2,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_1 6 10002137 1.39 0.8515582864088137
+20:10002137:C:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_1 7 10002137 1.39 0.8515582864088137
+20:10002141:G:C 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_1 1 10002141 1.39 0.8515582864088137
+20:10002141:G:C 15 2,2,-1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_1 2 10002141 1.39 0.8515582864088137
+20:10002141:G:C 14 1,2,2,2,2,2,2,0,2,2,1,1,2,2 chr_20_block_1 3 10002141 1.39 0.8515582864088137
+20:10002141:G:C 14 2,2,1,1,0,-1,2,2,2,2,-1,2,2,2 chr_20_block_1 4 10002141 1.39 0.8515582864088137
+20:10002141:G:C 14 0,0,2,2,2,2,-1,1,2,1,2,0,-1,2 chr_20_block_1 5 10002141 1.39 0.8515582864088137
+20:10002141:G:C 15 2,2,0,2,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_1 6 10002141 1.39 0.8515582864088137
+20:10002141:G:C 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_1 7 10002141 1.39 0.8515582864088137
+20:10002202:T:G 14 0,1,1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002202:T:G 15 0,0,-1,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002202:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002202:T:G 14 0,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002202:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 5 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002202:T:G 15 0,0,0,-1,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 6 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002202:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002202 1.1657341758564146E-17 0.24618298195866548
+20:10002328:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002328 -0.02 0.1407052941362897
+20:10002328:T:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002328 -0.02 0.1407052941362897
+20:10002328:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002328 -0.02 0.1407052941362897
+20:10002328:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002328 -0.02 0.1407052941362897
+20:10002328:T:G 14 0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 5 10002328 -0.02 0.1407052941362897
+20:10002328:T:G 15 0,0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 6 10002328 -0.02 0.1407052941362897
+20:10002328:T:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002328 -0.02 0.1407052941362897
+20:10002345:G:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002345 -0.03 0.1714466079977653
+20:10002345:G:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002345 -0.03 0.1714466079977653
+20:10002345:G:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002345 -0.03 0.1714466079977653
+20:10002345:G:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002345 -0.03 0.1714466079977653
+20:10002345:G:C 14 0,0,0,0,0,0,0,0,-1,0,0,-1,0,0 chr_20_block_2 5 10002345 -0.03 0.1714466079977653
+20:10002345:G:C 15 0,0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 6 10002345 -0.03 0.1714466079977653
+20:10002345:G:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002345 -0.03 0.1714466079977653
+20:10002354:CTT:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002354 -0.02 0.1407052941362897
+20:10002354:CTT:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002354 -0.02 0.1407052941362897
+20:10002354:CTT:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002354 -0.02 0.1407052941362897
+20:10002354:CTT:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002354 -0.02 0.1407052941362897
+20:10002354:CTT:C 14 0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 5 10002354 -0.02 0.1407052941362897
+20:10002354:CTT:C 15 0,0,0,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 6 10002354 -0.02 0.1407052941362897
+20:10002354:CTT:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002354 -0.02 0.1407052941362897
+20:10002457:G:GCTTT 14 0,0,1,1,1,1,0,1,0,2,1,1,1,2 chr_20_block_2 1 10002457 0.94 0.6639337924884386
+20:10002457:G:GCTTT 15 1,0,0,1,1,1,1,1,0,2,1,1,1,2,0 chr_20_block_2 2 10002457 0.94 0.6639337924884386
+20:10002457:G:GCTTT 14 1,2,2,2,2,2,1,1,1,1,1,1,1,2 chr_20_block_2 3 10002457 0.94 0.6639337924884386
+20:10002457:G:GCTTT 14 1,1,1,0,0,2,1,2,1,1,2,1,2,-1 chr_20_block_2 4 10002457 0.94 0.6639337924884386
+20:10002457:G:GCTTT 14 0,0,1,1,1,1,0,0,1,1,1,0,0,2 chr_20_block_2 5 10002457 0.94 0.6639337924884386
+20:10002457:G:GCTTT 15 2,0,0,1,1,1,0,0,2,1,0,1,1,0,1 chr_20_block_2 6 10002457 0.94 0.6639337924884386
+20:10002457:G:GCTTT 14 1,1,1,1,1,1,1,1,1,1,1,1,1,2 chr_20_block_2 7 10002457 0.94 0.6639337924884386
+20:10002469:C:T 14 0,1,1,2,2,2,-1,2,0,2,1,1,1,2 chr_20_block_2 1 10002469 1.3799999999999997 0.8382280492958122
+20:10002469:C:T 15 2,1,0,2,1,2,1,2,1,2,1,1,1,2,0 chr_20_block_2 2 10002469 1.3799999999999997 0.8382280492958122
+20:10002469:C:T 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_2 3 10002469 1.3799999999999997 0.8382280492958122
+20:10002469:C:T 14 2,2,1,0,0,2,2,2,2,2,2,2,2,-1 chr_20_block_2 4 10002469 1.3799999999999997 0.8382280492958122
+20:10002469:C:T 14 0,0,2,2,2,2,0,0,2,1,2,0,0,2 chr_20_block_2 5 10002469 1.3799999999999997 0.8382280492958122
+20:10002469:C:T 15 2,2,0,1,2,2,0,1,2,2,-1,2,1,1,2 chr_20_block_2 6 10002469 1.3799999999999997 0.8382280492958122
+20:10002469:C:T 14 2,2,2,2,2,1,1,2,2,2,1,2,2,2 chr_20_block_2 7 10002469 1.3799999999999997 0.8382280492958122
+20:10002571:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002571 -0.010000000000000004 0.09999999999999999
+20:10002571:C:T 15 0,0,0,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_2 2 10002571 -0.010000000000000004 0.09999999999999999
+20:10002571:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002571 -0.010000000000000004 0.09999999999999999
+20:10002571:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002571 -0.010000000000000004 0.09999999999999999
+20:10002571:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 5 10002571 -0.010000000000000004 0.09999999999999999
+20:10002571:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002571 -0.010000000000000004 0.09999999999999999
+20:10002571:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002571 -0.010000000000000004 0.09999999999999999
+20:10002584:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002584 -0.04 0.19694638556693236
+20:10002584:T:C 15 0,0,0,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_2 2 10002584 -0.04 0.19694638556693236
+20:10002584:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002584 -0.04 0.19694638556693236
+20:10002584:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002584 -0.04 0.19694638556693236
+20:10002584:T:C 14 0,-1,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 5 10002584 -0.04 0.19694638556693236
+20:10002584:T:C 15 0,-1,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002584 -0.04 0.19694638556693236
+20:10002584:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002584 -0.04 0.19694638556693236
+20:10002610:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002610 -0.06 0.23868325657594203
+20:10002610:A:G 15 0,0,0,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_2 2 10002610 -0.06 0.23868325657594203
+20:10002610:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002610 -0.06 0.23868325657594203
+20:10002610:A:G 14 0,0,0,0,0,-1,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002610 -0.06 0.23868325657594203
+20:10002610:A:G 14 0,-1,0,0,0,0,0,0,0,0,0,-1,0,0 chr_20_block_2 5 10002610 -0.06 0.23868325657594203
+20:10002610:A:G 15 0,-1,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002610 -0.06 0.23868325657594203
+20:10002610:A:G 14 -1,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002610 -0.06 0.23868325657594203
+20:10002624:G:T 14 0,1,1,1,2,2,2,2,0,2,0,1,2,2 chr_20_block_2 1 10002624 1.2999999999999996 0.9156330260447351
+20:10002624:G:T 15 2,1,0,2,1,2,1,2,-1,2,1,1,1,2,0 chr_20_block_2 2 10002624 1.2999999999999996 0.9156330260447351
+20:10002624:G:T 14 2,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_2 3 10002624 1.2999999999999996 0.9156330260447351
+20:10002624:G:T 14 2,2,1,1,0,-1,2,2,2,2,2,2,2,2 chr_20_block_2 4 10002624 1.2999999999999996 0.9156330260447351
+20:10002624:G:T 14 0,0,2,2,2,2,0,1,-1,0,2,-1,1,2 chr_20_block_2 5 10002624 1.2999999999999996 0.9156330260447351
+20:10002624:G:T 15 2,-1,0,0,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_2 6 10002624 1.2999999999999996 0.9156330260447351
+20:10002624:G:T 14 -1,2,2,2,2,1,1,2,2,2,0,2,2,1 chr_20_block_2 7 10002624 1.2999999999999996 0.9156330260447351
+20:10002648:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002648 -0.04 0.19694638556693236
+20:10002648:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002648 -0.04 0.19694638556693236
+20:10002648:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002648 -0.04 0.19694638556693236
+20:10002648:A:G 14 0,0,0,0,0,-1,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002648 -0.04 0.19694638556693236
+20:10002648:A:G 14 0,0,0,0,0,0,0,0,-1,0,0,-1,0,0 chr_20_block_2 5 10002648 -0.04 0.19694638556693236
+20:10002648:A:G 15 0,-1,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002648 -0.04 0.19694638556693236
+20:10002648:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002648 -0.04 0.19694638556693236
+20:10002661:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002661 -0.06 0.23868325657594208
+20:10002661:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002661 -0.06 0.23868325657594208
+20:10002661:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002661 -0.06 0.23868325657594208
+20:10002661:C:T 14 0,0,0,0,0,0,0,0,0,0,-1,0,-1,0 chr_20_block_2 4 10002661 -0.06 0.23868325657594208
+20:10002661:C:T 14 0,0,0,0,0,0,0,0,-1,0,0,-1,0,0 chr_20_block_2 5 10002661 -0.06 0.23868325657594208
+20:10002661:C:T 15 0,-1,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002661 -0.06 0.23868325657594208
+20:10002661:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002661 -0.06 0.23868325657594208
+20:10002662:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002662 -0.06 0.23868325657594208
+20:10002662:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002662 -0.06 0.23868325657594208
+20:10002662:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002662 -0.06 0.23868325657594208
+20:10002662:G:A 14 0,0,0,0,0,0,0,0,0,0,-1,0,-1,0 chr_20_block_2 4 10002662 -0.06 0.23868325657594208
+20:10002662:G:A 14 0,0,0,0,0,0,0,0,-1,0,0,-1,0,0 chr_20_block_2 5 10002662 -0.06 0.23868325657594208
+20:10002662:G:A 15 0,-1,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002662 -0.06 0.23868325657594208
+20:10002662:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002662 -0.06 0.23868325657594208
+20:10002772:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10002772 0.010000000000000002 0.09999999999999999
+20:10002772:T:C 15 0,0,0,0,1,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10002772 0.010000000000000002 0.09999999999999999
+20:10002772:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10002772 0.010000000000000002 0.09999999999999999
+20:10002772:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10002772 0.010000000000000002 0.09999999999999999
+20:10002772:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 5 10002772 0.010000000000000002 0.09999999999999999
+20:10002772:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10002772 0.010000000000000002 0.09999999999999999
+20:10002772:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10002772 0.010000000000000002 0.09999999999999999
+20:10003020:C:T 14 1,1,1,1,2,2,2,2,0,2,1,1,1,2 chr_20_block_2 1 10003020 1.4499999999999997 0.7703468981143128
+20:10003020:C:T 15 2,1,1,2,2,2,1,2,0,2,1,1,1,2,0 chr_20_block_2 2 10003020 1.4499999999999997 0.7703468981143128
+20:10003020:C:T 14 0,2,2,2,-1,2,2,1,2,2,1,1,2,2 chr_20_block_2 3 10003020 1.4499999999999997 0.7703468981143128
+20:10003020:C:T 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_2 4 10003020 1.4499999999999997 0.7703468981143128
+20:10003020:C:T 14 -1,0,2,2,2,2,0,1,2,2,2,-1,1,2 chr_20_block_2 5 10003020 1.4499999999999997 0.7703468981143128
+20:10003020:C:T 15 2,2,0,1,2,1,1,1,2,2,2,1,1,2,2 chr_20_block_2 6 10003020 1.4499999999999997 0.7703468981143128
+20:10003020:C:T 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_2 7 10003020 1.4499999999999997 0.7703468981143128
+20:10003121:C:A 14 0,0,0,0,0,0,0,0,-1,0,0,0,0,1 chr_20_block_2 1 10003121 0.010000000000000002 0.3013437917198242
+20:10003121:C:A 15 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0 chr_20_block_2 2 10003121 0.010000000000000002 0.3013437917198242
+20:10003121:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10003121 0.010000000000000002 0.3013437917198242
+20:10003121:C:A 14 0,0,0,1,0,0,0,-1,0,0,0,0,-1,0 chr_20_block_2 4 10003121 0.010000000000000002 0.3013437917198242
+20:10003121:C:A 14 0,0,0,0,0,-1,0,0,0,0,0,0,0,0 chr_20_block_2 5 10003121 0.010000000000000002 0.3013437917198242
+20:10003121:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,1 chr_20_block_2 6 10003121 0.010000000000000002 0.3013437917198242
+20:10003121:C:A 14 0,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10003121 0.010000000000000002 0.3013437917198242
+20:10003187:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10003187 0.0 0.0
+20:10003187:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10003187 0.0 0.0
+20:10003187:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10003187 0.0 0.0
+20:10003187:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10003187 0.0 0.0
+20:10003187:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 5 10003187 0.0 0.0
+20:10003187:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10003187 0.0 0.0
+20:10003187:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10003187 0.0 0.0
+20:10003241:C:T 14 0,1,1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10003241 0.020000000000000014 0.2
+20:10003241:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10003241 0.020000000000000014 0.2
+20:10003241:C:T 14 0,0,0,0,0,0,0,0,-1,0,0,0,0,0 chr_20_block_2 3 10003241 0.020000000000000014 0.2
+20:10003241:C:T 14 0,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10003241 0.020000000000000014 0.2
+20:10003241:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 5 10003241 0.020000000000000014 0.2
+20:10003241:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10003241 0.020000000000000014 0.2
+20:10003241:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10003241 0.020000000000000014 0.2
+20:10003242:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 1 10003242 0.0 0.0
+20:10003242:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 2 10003242 0.0 0.0
+20:10003242:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 3 10003242 0.0 0.0
+20:10003242:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 4 10003242 0.0 0.0
+20:10003242:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 5 10003242 0.0 0.0
+20:10003242:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 6 10003242 0.0 0.0
+20:10003242:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_2 7 10003242 0.0 0.0
+20:10003357:A:C 14 1,1,0,0,1,2,2,1,0,2,1,1,1,0 chr_20_block_2 1 10003357 1.13 0.812217316792107
+20:10003357:A:C 15 1,1,0,2,0,2,0,2,0,2,1,1,1,2,0 chr_20_block_2 2 10003357 1.13 0.812217316792107
+20:10003357:A:C 14 0,2,2,2,1,2,2,1,2,1,1,1,1,0 chr_20_block_2 3 10003357 1.13 0.812217316792107
+20:10003357:A:C 14 1,2,0,1,0,0,2,2,1,2,2,2,1,0 chr_20_block_2 4 10003357 1.13 0.812217316792107
+20:10003357:A:C 14 -1,0,1,2,2,2,0,1,1,1,2,1,1,2 chr_20_block_2 5 10003357 1.13 0.812217316792107
+20:10003357:A:C 15 2,2,0,2,2,1,1,1,2,2,1,0,1,1,1 chr_20_block_2 6 10003357 1.13 0.812217316792107
+20:10003357:A:C 14 0,-1,2,2,1,1,1,2,2,2,1,2,2,0 chr_20_block_2 7 10003357 1.13 0.812217316792107
+20:10003401:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003401 0.0 0.0
+20:10003401:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003401 0.0 0.0
+20:10003401:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003401 0.0 0.0
+20:10003401:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003401 0.0 0.0
+20:10003401:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003401 0.0 0.0
+20:10003401:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003401 0.0 0.0
+20:10003401:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003401 0.0 0.0
+20:10003445:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003445 -0.010000000000000002 0.1
+20:10003445:G:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003445 -0.010000000000000002 0.1
+20:10003445:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003445 -0.010000000000000002 0.1
+20:10003445:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003445 -0.010000000000000002 0.1
+20:10003445:G:T 14 0,0,0,0,0,0,-1,0,0,0,0,0,0,0 chr_20_block_3 5 10003445 -0.010000000000000002 0.1
+20:10003445:G:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003445 -0.010000000000000002 0.1
+20:10003445:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003445 -0.010000000000000002 0.1
+20:10003468:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003468 -0.010000000000000002 0.09999999999999999
+20:10003468:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003468 -0.010000000000000002 0.09999999999999999
+20:10003468:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003468 -0.010000000000000002 0.09999999999999999
+20:10003468:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003468 -0.010000000000000002 0.09999999999999999
+20:10003468:C:T 14 0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_3 5 10003468 -0.010000000000000002 0.09999999999999999
+20:10003468:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003468 -0.010000000000000002 0.09999999999999999
+20:10003468:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003468 -0.010000000000000002 0.09999999999999999
+20:10003614:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003614 0.0 0.0
+20:10003614:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003614 0.0 0.0
+20:10003614:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003614 0.0 0.0
+20:10003614:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003614 0.0 0.0
+20:10003614:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003614 0.0 0.0
+20:10003614:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003614 0.0 0.0
+20:10003614:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003614 0.0 0.0
+20:10003644:T:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003644 0.0 0.0
+20:10003644:T:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003644 0.0 0.0
+20:10003644:T:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003644 0.0 0.0
+20:10003644:T:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003644 0.0 0.0
+20:10003644:T:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003644 0.0 0.0
+20:10003644:T:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003644 0.0 0.0
+20:10003644:T:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003644 0.0 0.0
+20:10003650:T:C 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_3 1 10003650 1.4899999999999998 0.6589707309451794
+20:10003650:T:C 15 2,1,1,2,0,2,1,2,1,2,1,1,1,2,0 chr_20_block_3 2 10003650 1.4899999999999998 0.6589707309451794
+20:10003650:T:C 14 1,2,2,2,2,2,2,0,2,2,1,1,2,2 chr_20_block_3 3 10003650 1.4899999999999998 0.6589707309451794
+20:10003650:T:C 14 2,2,1,1,0,2,2,2,2,2,2,1,2,2 chr_20_block_3 4 10003650 1.4899999999999998 0.6589707309451794
+20:10003650:T:C 14 0,0,2,2,2,2,0,1,2,1,2,1,1,2 chr_20_block_3 5 10003650 1.4899999999999998 0.6589707309451794
+20:10003650:T:C 15 2,2,0,1,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_3 6 10003650 1.4899999999999998 0.6589707309451794
+20:10003650:T:C 14 2,2,2,2,2,1,1,2,2,2,2,2,2,1 chr_20_block_3 7 10003650 1.4899999999999998 0.6589707309451794
+20:10003679:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003679 0.0 0.0
+20:10003679:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003679 0.0 0.0
+20:10003679:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003679 0.0 0.0
+20:10003679:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003679 0.0 0.0
+20:10003679:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003679 0.0 0.0
+20:10003679:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003679 0.0 0.0
+20:10003679:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003679 0.0 0.0
+20:10003691:A:G 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_3 1 10003691 1.4800000000000002 0.6739001514626733
+20:10003691:A:G 15 2,1,1,2,0,2,1,2,1,2,1,1,1,2,0 chr_20_block_3 2 10003691 1.4800000000000002 0.6739001514626733
+20:10003691:A:G 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_3 3 10003691 1.4800000000000002 0.6739001514626733
+20:10003691:A:G 14 2,2,1,1,0,2,2,2,2,2,2,1,2,2 chr_20_block_3 4 10003691 1.4800000000000002 0.6739001514626733
+20:10003691:A:G 14 0,0,2,2,2,2,0,0,2,1,2,1,1,2 chr_20_block_3 5 10003691 1.4800000000000002 0.6739001514626733
+20:10003691:A:G 15 2,2,0,1,2,1,1,1,2,2,2,1,0,2,2 chr_20_block_3 6 10003691 1.4800000000000002 0.6739001514626733
+20:10003691:A:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_3 7 10003691 1.4800000000000002 0.6739001514626733
+20:10003726:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003726 -0.010000000000000002 0.1
+20:10003726:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003726 -0.010000000000000002 0.1
+20:10003726:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003726 -0.010000000000000002 0.1
+20:10003726:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003726 -0.010000000000000002 0.1
+20:10003726:T:C 14 0,0,0,0,0,0,-1,0,0,0,0,0,0,0 chr_20_block_3 5 10003726 -0.010000000000000002 0.1
+20:10003726:T:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003726 -0.010000000000000002 0.1
+20:10003726:T:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003726 -0.010000000000000002 0.1
+20:10003751:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003751 -0.010000000000000002 0.1
+20:10003751:G:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003751 -0.010000000000000002 0.1
+20:10003751:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003751 -0.010000000000000002 0.1
+20:10003751:G:T 14 0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_3 4 10003751 -0.010000000000000002 0.1
+20:10003751:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003751 -0.010000000000000002 0.1
+20:10003751:G:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003751 -0.010000000000000002 0.1
+20:10003751:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003751 -0.010000000000000002 0.1
+20:10003758:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003758 -0.010000000000000002 0.1
+20:10003758:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003758 -0.010000000000000002 0.1
+20:10003758:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003758 -0.010000000000000002 0.1
+20:10003758:C:A 14 0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_3 4 10003758 -0.010000000000000002 0.1
+20:10003758:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003758 -0.010000000000000002 0.1
+20:10003758:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003758 -0.010000000000000002 0.1
+20:10003758:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003758 -0.010000000000000002 0.1
+20:10003796:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003796 -0.010000000000000004 0.09999999999999999
+20:10003796:G:A 15 0,0,0,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_3 2 10003796 -0.010000000000000004 0.09999999999999999
+20:10003796:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003796 -0.010000000000000004 0.09999999999999999
+20:10003796:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003796 -0.010000000000000004 0.09999999999999999
+20:10003796:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003796 -0.010000000000000004 0.09999999999999999
+20:10003796:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003796 -0.010000000000000004 0.09999999999999999
+20:10003796:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003796 -0.010000000000000004 0.09999999999999999
+20:10003802:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003802 -0.010000000000000002 0.1
+20:10003802:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003802 -0.010000000000000002 0.1
+20:10003802:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003802 -0.010000000000000002 0.1
+20:10003802:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003802 -0.010000000000000002 0.1
+20:10003802:C:A 14 0,0,0,-1,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003802 -0.010000000000000002 0.1
+20:10003802:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003802 -0.010000000000000002 0.1
+20:10003802:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003802 -0.010000000000000002 0.1
+20:10003816:A:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003816 0.0 0.0
+20:10003816:A:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003816 0.0 0.0
+20:10003816:A:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003816 0.0 0.0
+20:10003816:A:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003816 0.0 0.0
+20:10003816:A:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003816 0.0 0.0
+20:10003816:A:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003816 0.0 0.0
+20:10003816:A:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003816 0.0 0.0
+20:10003827:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10003827 0.0 0.0
+20:10003827:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10003827 0.0 0.0
+20:10003827:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 3 10003827 0.0 0.0
+20:10003827:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 4 10003827 0.0 0.0
+20:10003827:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 5 10003827 0.0 0.0
+20:10003827:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10003827 0.0 0.0
+20:10003827:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10003827 0.0 0.0
+20:10003831:G:A 14 1,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_3 1 10003831 1.48 0.6887259501016598
+20:10003831:G:A 15 2,1,1,2,0,2,1,2,0,2,1,1,1,2,0 chr_20_block_3 2 10003831 1.48 0.6887259501016598
+20:10003831:G:A 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_3 3 10003831 1.48 0.6887259501016598
+20:10003831:G:A 14 2,2,0,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_3 4 10003831 1.48 0.6887259501016598
+20:10003831:G:A 14 0,0,2,2,2,2,0,1,2,0,2,1,1,2 chr_20_block_3 5 10003831 1.48 0.6887259501016598
+20:10003831:G:A 15 2,2,0,1,2,1,1,1,2,2,2,1,2,1,2 chr_20_block_3 6 10003831 1.48 0.6887259501016598
+20:10003831:G:A 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_3 7 10003831 1.48 0.6887259501016598
+20:10004048:C:A 14 0,1,1,0,0,0,0,0,1,0,1,0,1,0 chr_20_block_3 1 10004048 0.28 0.5874099974042875
+20:10004048:C:A 15 0,1,0,0,0,0,1,0,0,0,0,1,1,0,1 chr_20_block_3 2 10004048 0.28 0.5874099974042875
+20:10004048:C:A 14 0,0,0,0,0,0,0,2,-1,0,1,1,0,-1 chr_20_block_3 3 10004048 0.28 0.5874099974042875
+20:10004048:C:A 14 0,0,0,1,2,0,-1,0,0,0,0,0,0,0 chr_20_block_3 4 10004048 0.28 0.5874099974042875
+20:10004048:C:A 14 -1,0,0,0,0,0,1,1,0,0,0,0,1,0 chr_20_block_3 5 10004048 0.28 0.5874099974042875
+20:10004048:C:A 15 0,0,1,2,0,1,0,1,0,0,0,1,1,1,0 chr_20_block_3 6 10004048 0.28 0.5874099974042875
+20:10004048:C:A 14 0,0,0,0,0,1,1,0,0,0,1,0,0,1 chr_20_block_3 7 10004048 0.28 0.5874099974042875
+20:10004093:A:C 14 1,1,1,2,2,2,2,2,0,2,0,1,1,2 chr_20_block_3 1 10004093 1.3600000000000003 0.8935232724354963
+20:10004093:A:C 15 2,1,2,2,1,2,1,2,-1,2,1,1,1,2,0 chr_20_block_3 2 10004093 1.3600000000000003 0.8935232724354963
+20:10004093:A:C 14 1,2,2,2,2,2,2,1,2,2,1,1,2,-1 chr_20_block_3 3 10004093 1.3600000000000003 0.8935232724354963
+20:10004093:A:C 14 2,2,0,1,0,2,2,-1,2,2,2,2,2,2 chr_20_block_3 4 10004093 1.3600000000000003 0.8935232724354963
+20:10004093:A:C 14 0,0,2,-1,2,2,0,1,2,2,2,-1,1,2 chr_20_block_3 5 10004093 1.3600000000000003 0.8935232724354963
+20:10004093:A:C 15 2,2,0,0,2,2,2,1,2,2,2,1,1,1,2 chr_20_block_3 6 10004093 1.3600000000000003 0.8935232724354963
+20:10004093:A:C 14 2,2,2,2,2,1,1,2,2,-1,1,2,2,1 chr_20_block_3 7 10004093 1.3600000000000003 0.8935232724354963
+20:10004103:C:T 14 0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_3 1 10004103 -0.06999999999999999 0.2931886695621029
+20:10004103:C:T 15 0,0,0,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_3 2 10004103 -0.06999999999999999 0.2931886695621029
+20:10004103:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,-1 chr_20_block_3 3 10004103 -0.06999999999999999 0.2931886695621029
+20:10004103:C:T 14 0,0,0,0,0,-1,0,-1,0,0,0,0,0,0 chr_20_block_3 4 10004103 -0.06999999999999999 0.2931886695621029
+20:10004103:C:T 14 0,0,0,-1,0,0,0,0,0,0,0,-1,0,0 chr_20_block_3 5 10004103 -0.06999999999999999 0.2931886695621029
+20:10004103:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10004103 -0.06999999999999999 0.2931886695621029
+20:10004103:C:T 14 0,0,0,0,0,0,0,0,0,-1,0,1,0,0 chr_20_block_3 7 10004103 -0.06999999999999999 0.2931886695621029
+20:10004124:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 1 10004124 -0.06999999999999999 0.2564323999762428
+20:10004124:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 2 10004124 -0.06999999999999999 0.2564323999762428
+20:10004124:G:A 14 0,0,0,0,0,0,0,0,0,-1,0,0,0,-1 chr_20_block_3 3 10004124 -0.06999999999999999 0.2564323999762428
+20:10004124:G:A 14 0,0,0,0,0,-1,0,-1,-1,0,0,0,0,0 chr_20_block_3 4 10004124 -0.06999999999999999 0.2564323999762428
+20:10004124:G:A 14 0,0,0,-1,0,0,0,0,0,0,0,0,-1,0 chr_20_block_3 5 10004124 -0.06999999999999999 0.2564323999762428
+20:10004124:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 6 10004124 -0.06999999999999999 0.2564323999762428
+20:10004124:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_3 7 10004124 -0.06999999999999999 0.2564323999762428
+20:10004145:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004145 -0.09999999999999998 0.30151134457776363
+20:10004145:C:T 15 0,0,-1,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_4 2 10004145 -0.09999999999999998 0.30151134457776363
+20:10004145:C:T 14 0,0,0,0,0,0,0,-1,0,0,0,0,0,-1 chr_20_block_4 3 10004145 -0.09999999999999998 0.30151134457776363
+20:10004145:C:T 14 0,0,0,0,0,-1,0,-1,0,0,0,0,0,0 chr_20_block_4 4 10004145 -0.09999999999999998 0.30151134457776363
+20:10004145:C:T 14 0,0,0,-1,0,0,-1,0,0,0,0,0,-1,0 chr_20_block_4 5 10004145 -0.09999999999999998 0.30151134457776363
+20:10004145:C:T 15 0,0,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004145 -0.09999999999999998 0.30151134457776363
+20:10004145:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004145 -0.09999999999999998 0.30151134457776363
+20:10004146:A:G 14 1,1,1,2,2,2,2,2,0,2,0,1,1,2 chr_20_block_4 1 10004146 1.22 1.030641655582687
+20:10004146:A:G 15 2,1,-1,2,1,2,1,2,0,2,0,-1,2,2,0 chr_20_block_4 2 10004146 1.22 1.030641655582687
+20:10004146:A:G 14 1,2,2,2,2,2,2,-1,2,2,1,1,2,-1 chr_20_block_4 3 10004146 1.22 1.030641655582687
+20:10004146:A:G 14 2,2,0,1,0,-1,2,-1,2,2,2,2,2,2 chr_20_block_4 4 10004146 1.22 1.030641655582687
+20:10004146:A:G 14 0,0,2,-1,2,2,-1,1,2,-1,2,0,-1,2 chr_20_block_4 5 10004146 1.22 1.030641655582687
+20:10004146:A:G 15 2,2,0,-1,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_4 6 10004146 1.22 1.030641655582687
+20:10004146:A:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_4 7 10004146 1.22 1.030641655582687
+20:10004192:G:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004192 -0.08 0.36735472631979976
+20:10004192:G:T 15 0,0,0,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_4 2 10004192 -0.08 0.36735472631979976
+20:10004192:G:T 14 -1,0,0,0,0,0,0,0,-1,0,0,0,1,-1 chr_20_block_4 3 10004192 -0.08 0.36735472631979976
+20:10004192:G:T 14 0,-1,0,0,0,0,0,0,0,0,0,0,1,0 chr_20_block_4 4 10004192 -0.08 0.36735472631979976
+20:10004192:G:T 14 0,0,0,-1,-1,0,0,0,-1,-1,0,0,0,0 chr_20_block_4 5 10004192 -0.08 0.36735472631979976
+20:10004192:G:T 15 -1,0,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004192 -0.08 0.36735472631979976
+20:10004192:G:T 14 0,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004192 -0.08 0.36735472631979976
+20:10004193:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004193 -0.09 0.28762349126466136
+20:10004193:C:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004193 -0.09 0.28762349126466136
+20:10004193:C:A 14 -1,0,0,0,0,0,0,0,0,0,0,0,0,-1 chr_20_block_4 3 10004193 -0.09 0.28762349126466136
+20:10004193:C:A 14 0,-1,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 4 10004193 -0.09 0.28762349126466136
+20:10004193:C:A 14 0,0,0,-1,-1,0,0,0,-1,-1,0,0,0,0 chr_20_block_4 5 10004193 -0.09 0.28762349126466136
+20:10004193:C:A 15 -1,0,0,-1,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004193 -0.09 0.28762349126466136
+20:10004193:C:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004193 -0.09 0.28762349126466136
+20:10004221:CA:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004221 0.030000000000000013 0.5016135580465919
+20:10004221:CA:C 15 0,0,0,1,1,0,0,0,0,0,0,0,0,0,-1 chr_20_block_4 2 10004221 0.030000000000000013 0.5016135580465919
+20:10004221:CA:C 14 2,0,0,0,0,0,0,0,0,0,0,0,0,-1 chr_20_block_4 3 10004221 0.030000000000000013 0.5016135580465919
+20:10004221:CA:C 14 0,0,0,0,0,0,0,0,0,0,0,0,-1,2 chr_20_block_4 4 10004221 0.030000000000000013 0.5016135580465919
+20:10004221:CA:C 14 -1,1,0,0,0,0,0,0,-1,0,1,-1,0,0 chr_20_block_4 5 10004221 0.030000000000000013 0.5016135580465919
+20:10004221:CA:C 15 -1,-1,0,1,0,0,0,0,0,0,-1,0,0,1,0 chr_20_block_4 6 10004221 0.030000000000000013 0.5016135580465919
+20:10004221:CA:C 14 1,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004221 0.030000000000000013 0.5016135580465919
+20:10004222:A:AG 14 0,0,0,1,1,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004222 0.07 0.43239992711573966
+20:10004222:A:AG 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004222 0.07 0.43239992711573966
+20:10004222:A:AG 14 0,0,0,0,0,0,0,0,0,2,0,0,0,-1 chr_20_block_4 3 10004222 0.07 0.43239992711573966
+20:10004222:A:AG 14 1,0,0,0,0,-1,0,0,1,0,0,0,0,0 chr_20_block_4 4 10004222 0.07 0.43239992711573966
+20:10004222:A:AG 14 0,0,1,0,0,0,0,0,-1,0,0,0,0,0 chr_20_block_4 5 10004222 0.07 0.43239992711573966
+20:10004222:A:AG 15 -1,0,0,0,0,0,0,0,0,0,0,0,0,0,1 chr_20_block_4 6 10004222 0.07 0.43239992711573966
+20:10004222:A:AG 14 0,2,0,0,0,0,0,0,0,0,0,0,0,1 chr_20_block_4 7 10004222 0.07 0.43239992711573966
+20:10004223:A:G 14 0,0,0,1,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004223 -0.03 0.22270150335361363
+20:10004223:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004223 -0.03 0.22270150335361363
+20:10004223:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,-1 chr_20_block_4 3 10004223 -0.03 0.22270150335361363
+20:10004223:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 4 10004223 -0.03 0.22270150335361363
+20:10004223:A:G 14 0,0,0,0,0,0,0,0,-1,0,0,0,0,0 chr_20_block_4 5 10004223 -0.03 0.22270150335361363
+20:10004223:A:G 15 -1,0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_4 6 10004223 -0.03 0.22270150335361363
+20:10004223:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004223 -0.03 0.22270150335361363
+20:10004224:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004224 -0.020000000000000004 0.24536099975754136
+20:10004224:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004224 -0.020000000000000004 0.24536099975754136
+20:10004224:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,-1 chr_20_block_4 3 10004224 -0.020000000000000004 0.24536099975754136
+20:10004224:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 4 10004224 -0.020000000000000004 0.24536099975754136
+20:10004224:A:G 14 0,0,0,0,0,0,0,0,-1,0,0,0,0,0 chr_20_block_4 5 10004224 -0.020000000000000004 0.24536099975754136
+20:10004224:A:G 15 -1,0,0,0,0,0,0,0,0,0,-1,0,0,0,0 chr_20_block_4 6 10004224 -0.020000000000000004 0.24536099975754136
+20:10004224:A:G 14 1,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004224 -0.020000000000000004 0.24536099975754136
+20:10004297:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004297:G:A 15 -1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004297:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 3 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004297:G:A 14 0,0,0,0,0,-1,0,0,0,0,0,0,0,0 chr_20_block_4 4 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004297:G:A 14 0,0,0,0,0,0,0,0,0,1,0,0,0,0 chr_20_block_4 5 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004297:G:A 15 0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 chr_20_block_4 6 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004297:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004297 -1.422473250300982E-18 0.20100756305184242
+20:10004350:C:G 14 1,1,2,2,2,2,2,2,0,2,0,1,1,2 chr_20_block_4 1 10004350 1.4200000000000006 0.7677857445244406
+20:10004350:C:G 15 2,1,1,2,1,2,1,2,1,2,1,1,1,2,0 chr_20_block_4 2 10004350 1.4200000000000006 0.7677857445244406
+20:10004350:C:G 14 0,2,2,2,2,2,2,1,2,2,1,1,2,-1 chr_20_block_4 3 10004350 1.4200000000000006 0.7677857445244406
+20:10004350:C:G 14 2,2,1,1,0,-1,2,2,2,2,2,2,2,2 chr_20_block_4 4 10004350 1.4200000000000006 0.7677857445244406
+20:10004350:C:G 14 0,0,2,2,2,2,0,1,2,1,2,1,0,2 chr_20_block_4 5 10004350 1.4200000000000006 0.7677857445244406
+20:10004350:C:G 15 2,2,0,0,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_4 6 10004350 1.4200000000000006 0.7677857445244406
+20:10004350:C:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_4 7 10004350 1.4200000000000006 0.7677857445244406
+20:10004388:T:G 14 1,1,2,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_4 1 10004388 1.48 0.7174590404667535
+20:10004388:T:G 15 2,1,1,2,1,2,1,2,1,2,1,1,1,2,0 chr_20_block_4 2 10004388 1.48 0.7174590404667535
+20:10004388:T:G 14 1,2,2,2,2,2,2,1,2,2,1,1,2,2 chr_20_block_4 3 10004388 1.48 0.7174590404667535
+20:10004388:T:G 14 2,2,1,1,0,-1,2,2,2,2,2,2,2,2 chr_20_block_4 4 10004388 1.48 0.7174590404667535
+20:10004388:T:G 14 0,0,2,2,2,2,0,1,2,2,2,-1,1,2 chr_20_block_4 5 10004388 1.48 0.7174590404667535
+20:10004388:T:G 15 2,2,0,1,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_4 6 10004388 1.48 0.7174590404667535
+20:10004388:T:G 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_4 7 10004388 1.48 0.7174590404667535
+20:10004456:G:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004456 -0.059999999999999984 0.23868325657594203
+20:10004456:G:C 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004456 -0.059999999999999984 0.23868325657594203
+20:10004456:G:C 14 0,0,0,0,0,0,0,-1,0,0,0,0,0,0 chr_20_block_4 3 10004456 -0.059999999999999984 0.23868325657594203
+20:10004456:G:C 14 0,0,0,0,0,-1,-1,0,0,0,0,0,0,0 chr_20_block_4 4 10004456 -0.059999999999999984 0.23868325657594203
+20:10004456:G:C 14 0,0,0,0,0,0,0,0,-1,0,0,-1,0,0 chr_20_block_4 5 10004456 -0.059999999999999984 0.23868325657594203
+20:10004456:G:C 15 -1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004456 -0.059999999999999984 0.23868325657594203
+20:10004456:G:C 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004456 -0.059999999999999984 0.23868325657594203
+20:10004605:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004605 0.0 0.0
+20:10004605:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004605 0.0 0.0
+20:10004605:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 3 10004605 0.0 0.0
+20:10004605:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 4 10004605 0.0 0.0
+20:10004605:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 5 10004605 0.0 0.0
+20:10004605:C:T 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004605 0.0 0.0
+20:10004605:C:T 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004605 0.0 0.0
+20:10004609:A:C 14 2,1,1,2,2,2,2,2,0,2,1,1,1,2 chr_20_block_4 1 10004609 1.5199999999999998 0.6587407638361193
+20:10004609:A:C 15 2,1,1,2,1,2,1,2,0,2,1,1,1,2,0 chr_20_block_4 2 10004609 1.5199999999999998 0.6587407638361193
+20:10004609:A:C 14 1,2,2,2,2,2,2,2,2,2,1,1,2,2 chr_20_block_4 3 10004609 1.5199999999999998 0.6587407638361193
+20:10004609:A:C 14 2,2,1,1,0,2,2,2,2,2,2,2,2,2 chr_20_block_4 4 10004609 1.5199999999999998 0.6587407638361193
+20:10004609:A:C 14 0,0,2,2,2,2,0,1,2,2,2,1,1,2 chr_20_block_4 5 10004609 1.5199999999999998 0.6587407638361193
+20:10004609:A:C 15 2,2,0,0,2,1,1,1,2,2,2,1,1,1,2 chr_20_block_4 6 10004609 1.5199999999999998 0.6587407638361193
+20:10004609:A:C 14 2,2,2,2,2,1,1,2,2,2,1,2,2,1 chr_20_block_4 7 10004609 1.5199999999999998 0.6587407638361193
+20:10004646:G:A 14 0,0,0,0,1,0,0,0,0,0,0,0,0,0 chr_20_block_4 1 10004646 0.020000000000000007 0.14070529413628968
+20:10004646:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004646 0.020000000000000007 0.14070529413628968
+20:10004646:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 3 10004646 0.020000000000000007 0.14070529413628968
+20:10004646:G:A 14 0,0,0,0,0,0,1,0,0,0,0,0,0,0 chr_20_block_4 4 10004646 0.020000000000000007 0.14070529413628968
+20:10004646:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 5 10004646 0.020000000000000007 0.14070529413628968
+20:10004646:G:A 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004646 0.020000000000000007 0.14070529413628968
+20:10004646:G:A 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004646 0.020000000000000007 0.14070529413628968
+20:10004674:A:G 14 0,0,0,0,0,0,0,0,1,0,0,0,0,0 chr_20_block_4 1 10004674 0.010000000000000002 0.17378728435078386
+20:10004674:A:G 15 0,0,0,0,0,0,0,0,0,0,0,-1,0,0,0 chr_20_block_4 2 10004674 0.010000000000000002 0.17378728435078386
+20:10004674:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 3 10004674 0.010000000000000002 0.17378728435078386
+20:10004674:A:G 14 0,0,0,0,0,0,0,1,0,0,0,0,0,0 chr_20_block_4 4 10004674 0.010000000000000002 0.17378728435078386
+20:10004674:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 5 10004674 0.010000000000000002 0.17378728435078386
+20:10004674:A:G 15 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 6 10004674 0.010000000000000002 0.17378728435078386
+20:10004674:A:G 14 0,0,0,0,0,0,0,0,0,0,0,0,0,0 chr_20_block_4 7 10004674 0.010000000000000002 0.17378728435078386
+20:10004724:A:G 14 0,0,0,0,1,1,1,1,0,0,0,0,0,0 chr_20_block_4 1 10004724 0.6499999999999997 0.7159792333764037
+20:10004724:A:G 15 0,1,0,0,0,1,0,2,0,1,0,0,0,2,0 chr_20_block_4 2 10004724 0.6499999999999997 0.7159792333764037
+20:10004724:A:G 14 0,2,2,2,1,2,1,1,1,0,0,0,1,1 chr_20_block_4 3 10004724 0.6499999999999997 0.7159792333764037
+20:10004724:A:G 14 1,1,0,1,0,0,0,0,0,2,2,2,0,1 chr_20_block_4 4 10004724 0.6499999999999997 0.7159792333764037
+20:10004724:A:G 14 0,0,1,2,1,0,0,0,0,0,1,0,1,1 chr_20_block_4 5 10004724 0.6499999999999997 0.7159792333764037
+20:10004724:A:G 15 2,2,0,1,1,2,1,1,1,0,0,0,1,0,1 chr_20_block_4 6 10004724 0.6499999999999997 0.7159792333764037
+20:10004724:A:G 14 0,0,1,1,1,0,0,1,1,2,1,1,1,0 chr_20_block_4 7 10004724 0.6499999999999997 0.7159792333764037
+20:10004768:TAAAACTATGC:T 14 0,0,1,2,1,0,0,1,0,0,0,0,0,2 chr_20_block_4 1 10004768 0.38 0.6159496240715951
+20:10004768:TAAAACTATGC:T 15 1,0,1,0,0,1,1,0,0,0,0,0,0,0,0 chr_20_block_4 2 10004768 0.38 0.6159496240715951
+20:10004768:TAAAACTATGC:T 14 1,0,0,0,1,0,0,0,2,1,0,0,1,1 chr_20_block_4 3 10004768 0.38 0.6159496240715951
+20:10004768:TAAAACTATGC:T 14 1,0,1,0,0,2,0,0,2,0,0,0,1,2 chr_20_block_4 4 10004768 0.38 0.6159496240715951
+20:10004768:TAAAACTATGC:T 14 0,0,1,0,0,0,0,0,2,0,0,1,0,0 chr_20_block_4 5 10004768 0.38 0.6159496240715951
+20:10004768:TAAAACTATGC:T 15 0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 chr_20_block_4 6 10004768 0.38 0.6159496240715951
+20:10004768:TAAAACTATGC:T 14 1,1,0,0,1,0,0,0,0,0,0,0,0,1 chr_20_block_4 7 10004768 0.38 0.6159496240715951
diff --git a/test-data/vcf/scripts/gwas-region.py b/test-data/vcf/scripts/gwas-region.py
old mode 100755
new mode 100644
index 1b567186a..6215bab36
--- a/test-data/vcf/scripts/gwas-region.py
+++ b/test-data/vcf/scripts/gwas-region.py
@@ -1,3 +1,18 @@
+# Copyright 2019 The Glow Authors
+#
+# 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 sys
# For each region in a space-separated file containing genes and associated variants, prints an association result
diff --git a/test-data/wgr/ridge-regression/README.md b/test-data/wgr/ridge-regression/README.md
new file mode 100644
index 000000000..ad634cf92
--- /dev/null
+++ b/test-data/wgr/ridge-regression/README.md
@@ -0,0 +1,24 @@
+####Test data explanation
+The data provided for the ridge regression unit tests consist of ~100 variants across 3 chromosomes, ~100 individuals,
+and 4 simulated phenotypes.
+* **blockedGT.snappy.parquet**: Blocked genotype matrix representing 100 variants across 3 chromosomes. Genotype
+data are represented in a sparse format, with size, indices, and values columns. Missing genotype values have been
+mean imputed.
+* **groupedIDs.snappy.parquet**: File for mapping sample group IDs to lists of sample IDs. Consists of a column
+containing group IDs and a column containing an array of sample IDs. This dataset contains 10 groups, with ~10
+samples per group.
+* **pts.csv**: File containing simulated phenotypes. Consists of a sample ID column and 4 phenotype columns. Phenotypes
+were simulated by randomly generating weights (b) for the (standardized) test genotypes (X) and mixing the resulting
+vector with a noise vector (e) with varying proportions (e.g.: phenotype_i = (Xb)*f_i + e*(1-f_i)). Phenotype names
+follow a pattern of "simX" where X is an integer representing the explainable variance in the phenotype (e.g. sim100
+is 100% explainable with the underlying genotype data).
+* **X0.csv**: File containing the same genotype data contained in blockedGT.snappy.parquet in the flattened and
+standardized state (e.g., each row represents an individual, each column represents a standardized variant, where a
+standardized variant has been centered at 0 and standard scaled to have variance = 1).
+* **X1.csv**: File representing the output of 1 round of ridge reduction, in a flattened and standardized state.
+Each row represents an individual, each column represents the output of a ridge model prediction for a particular block
+of variants, a regularization (alpha) value, and a phenotype (e.g., the level 1 ridge model).
+* **X2.csv**: File representing the output of 2 rounds of ridge reduction, in a flattened and standardized state.
+Each row represents an individual, each column represents the output of a level 2 ridge model prediction for a block of
+level 1 ridge predictions, a regularization (alpha) value, and a phenotype. At this level, the block represents a
+chromosome.
\ No newline at end of file
diff --git a/test-data/wgr/ridge-regression/X0.csv b/test-data/wgr/ridge-regression/X0.csv
new file mode 100644
index 000000000..c02dc7e5e
--- /dev/null
+++ b/test-data/wgr/ridge-regression/X0.csv
@@ -0,0 +1,101 @@
+sample_id,1:117138990:A:AC,1:12535440:G:A,1:159206700:C:T,1:162782880:G:A,1:163505640:C:T,1:164009520:A:T,1:165491520:G:A,1:169696410:G:T,1:170959530:T:C,1:171185820:A:G,1:178668780:T:C,1:192594450:G:A,1:20435640:A:C,1:210587070:T:C,1:236531190:C:T,1:236608140:C:T,1:237565740:A:G,1:244612080:T:C,1:245748660:A:G,1:247978500:C:A,1:25243590:T:C,1:26077500:C:T,1:2998770:T:C,1:3006180:G:A,1:3227910:A:C,1:32507670:G:A,1:4690530:C:A,1:54417330:A:G,1:57267900:A:G,1:58930590:C:A,1:64429950:C:T,1:70512990:G:T,1:91052370:T:C,1:93935430:A:G,1:97938540:T:C,1:98094720:C:T,2:105382170:G:A,2:105477930:C:A,2:108923580:C:G,2:11150910:C:T,2:113253300:T:C,2:119285610:A:C,2:135186330:A:G,2:145645830:A:G,2:154509330:T:C,2:16624050:G:A,2:169279170:A:G,2:186207600:C:T,2:190286520:A:G,2:196290330:A:G,2:205988310:A:G,2:208020930:A:G,2:211924860:G:T,2:231414300:T:C,2:232493310:G:A,2:239571570:G:A,2:3504360:A:G,2:41030880:C:T,2:4125090:A:G,2:454860:G:A,2:6380580:T:C,2:74847840:T:C,2:74872350:A:T,2:80453790:C:T,2:81310500:A:G,2:8409780:A:G,3:108020700:G:A,3:110393610:A:G,3:112052310:A:G,3:112075110:G:A,3:114266760:A:G,3:117588720:G:A,3:122650890:T:C,3:128593140:T:C,3:130759710:G:A,3:139278360:T:G,3:160741710:G:A,3:175345110:C:T,3:1782390:T:C,3:183469890:A:G,3:195047160:C:T,3:195063690:C:G,3:31534680:G:A,3:31913160:C:A,3:32496840:A:G,3:36172200:G:A,3:36430410:T:G,3:3807030:C:T,3:38739480:G:A,3:39915960:C:A,3:4532070:G:A,3:54791250:G:T,3:5601960:C:G,3:57433770:C:T,3:60532290:C:T,3:7126140:A:G,3:72462960:A:G,3:7330200:T:G,3:73439370:A:G,3:76904970:A:G,3:79843320:G:A,3:79866120:A:G,3:9513870:T:C
+1042204109,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,4.963972767957701,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,1.84969127583431,0.501280411827603,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,4.300231781407441,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,0.5478321348909789,2.0013450805205992,0.8741775370487435,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,1.7791499872137209,-0.4034732923929645,1.680999651527629,1.847394008404462,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,2.58950352420342,-0.4525696378552518,-0.8451542547285166,2.0772539841420423,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,2.276689569516288,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,2.9755097944025266,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,1.5764961003970377,-0.356331589046448,-1.4744195615489712,3.0071140721188225,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1035505158,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,1.933510159906469,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,2.5711104030845395,-0.5,-0.5465357250000211,2.7061471362866287,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,0.8838834764831844,2.844452335847639,0.897017560671773,-0.4525696378552518,-0.8451542547285166,2.0772539841420423,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,2.8836763607610627,-0.5388159060803248,2.9433147307547785,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1008166305,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,1.783370827636765,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,2.5919887014277454,0.2788959464448318,-1.259033557500665,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,3.0,-0.356331589046448,1.4526998816353536,2.586949495507729,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,1.680999651527629,0.2684247704519305,1.5724272550828775,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,2.53546276418555,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,-1.413970729222085,-0.356331589046448,1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1068805020,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,2.7136021011998728,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,-1.214943140728346,2.7080128015453195,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,0.3059463352332937,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,0.501280411827603,0.8896802485305647,-0.3237619541190881,0.702802181054962,1.2727681464738432,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,0.5478321348909789,2.0013450805205992,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,0.6305993542151146,0.9330078226479681,0.8838834764831844,2.844452335847639,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,1.8297065576087663,2.0679037566136893,-0.3905667329424716
+1095012035,-1.3333333333333333,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,1.404308848905237,2.3585114454051004,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,1.7320906147626396,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,2.0013450805205992,0.8741775370487435,-0.5,-0.5465357250000211,2.7061471362866287,0.2430095986130697,1.7791499872137209,2.4784787961282104,0.1951160309808856,-1.3105444675006013,1.5724272550828775,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,0.8451542547285166,0.0,0.7116435854515412,-0.7330963845124387,0.0,1.614283534590272,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,1.493826753998134,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,-1.413970729222085,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1009789151,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,1.095445115010332,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,1.689306053002671,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,1.5724272550828775,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,1.614283534590272,-0.7558608592991104,2.276689569516288,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,1.493826753998134,2.8696310819875706,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1096878314,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,2.3585114454051004,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,1.933510159906469,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,3.0,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,1.6403147906382198,1.7791499872137209,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,1.5724272550828775,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,2.117657207786341,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,1.9255546411563718,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1073199471,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,1.404308848905237,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,0.8896802485305647,2.5900956329527047,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,1.7791499872137209,-0.4034732923929645,-1.290767589565858,0.2684247704519305,1.5724272550828775,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,1.8239007824960751,-1.1931660907841142,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,1.38775562217945,-0.6311687442672026,2.117657207786341,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1100931722,2.0,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,1.095445115010332,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,1.783370827636765,-0.6000000000000001,0.3059463352332937,1.404308848905237,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,2.5919887014277454,0.2788959464448318,-1.259033557500665,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,3.1173596631026017,-0.399475083518724,2.7080128015453195,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,2.08176211258572,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,1.680999651527629,-1.3105444675006013,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,2.53546276418555,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,2.117657207786341,1.6085238260045478,-0.2614881801842454,1.1036292244888015,1.2572371141874243,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,1.9255546411563718,1.493826753998134,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1067239528,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,0.7965833358652988,1.2835512386142829,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,1.9503783489443585,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,1.680999651527629,1.847394008404462,-0.5241424183609591,0.3545393201048525,2.842676218074806,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,0.0,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1060323031,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,2.0419504453278305,1.2996430913710322,-0.3736323588785368,-1.2105236293230979,1.095445115010332,1.3998257925783115,-0.3692744729379981,0.5964500385074807,2.213211486674006,-0.4572745711889141,1.4,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,0.702802181054962,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,2.7061471362866287,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,1.680999651527629,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,1.8239007824960751,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1037421283,2.0,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,-0.9309493362512627,2.5372362643279067,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,2.0,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,2.6516504294495533,-0.3515615246553262,0.897017560671773,2.2096047024697585,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,1.8239007824960751,0.21055872190307898,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,2.117657207786341,1.6085238260045478,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1057522215,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,1.8540931537733527,1.095445115010332,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,1.404308848905237,0.7965833358652988,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,3.1173596631026017,1.9503783489443585,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,2.384680634387767,-1.235473731110441,2.586949495507729,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,1.7791499872137209,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,0.0,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,1.493826753998134,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1072147779,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,2.7080128015453195,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,2.3585114454051004,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,2.5919887014277454,1.7320906147626396,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,2.0772539841420423,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,0.6585527740981746,0.3003158614647553,1.493826753998134,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,2.384680634387767,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,1.8297065576087663,2.0679037566136893,-0.3905667329424716
+1017990731,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,2.7964305530268883,0.6039571739702034,-0.6701284689881887,2.2951702045395823,0.3217847622251273,1.095445115010332,1.3998257925783115,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,1.2835512386142829,1.689306053002671,1.6464638998453551,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,3.1173596631026017,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,1.5724272550828775,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,2.1320263880606247,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,2.0772539841420423,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,2.384680634387767,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,1.8297065576087663,2.0679037566136893,-0.3905667329424716
+1026331168,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,-1.2105236293230979,2.9211869733608857,0.09244132592498286,2.7080128015453195,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,1.6980021605447808,1.404308848905237,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,5.125692857821981,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,3.629330931556488,-0.4071892788474301,0.5478321348909789,0.3608982932086327,2.5711104030845395,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,1.8239007824960751,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,9.984748225229396e-17,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,1.5764961003970377,2.384680634387767,-1.4744195615489712,6.2757163244218885,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1051628479,2.0,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,1.404308848905237,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,0.8896802485305647,2.5900956329527047,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,2.943628450332726,-0.5184758473652126,-0.4071892788474301,2.08176211258572,0.3608982932086327,0.8741775370487435,2.0,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,2.842676218074806,-1.2475382901936745,-0.7354542322242511,2.1320263880606247,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,2.0772539841420423,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,2.117657207786341,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1034822058,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,0.6039571739702034,1.2996430913710322,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,1.933510159906469,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,2.1377437139490074,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,2.6293856820079102,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,3.3911649915626336,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,2.1552636243212993,-1.3249229182268614,-0.6101545896612097,1.000595048324613,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1075978222,0.3333333333333332,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,-1.2105236293230979,1.095445115010332,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,2.3585114454051004,3.2283258425753183,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,5.504335556964538,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,2.4784787961282104,1.680999651527629,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,2.1320263880606247,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,3.0071140721188225,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,1.9255546411563718,1.493826753998134,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1009666565,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,1.933510159906469,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,2.7080128015453195,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,1.1487330537883809,1.5554275420956378,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,2.7061471362866287,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,1.680999651527629,-1.3105444675006013,-0.5241424183609591,1.92197631425262,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,2.6293856820079102,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,1.1768126172436515,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,2.7080128015453195,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,1.5038499587254568,3.1782086308186424,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1082744849,0.3333333333333332,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,-0.8708276796303962,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,0.7116435854515412,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,3.0071140721188225,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1073111137,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,2.1377437139490074,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,1.680999651527629,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,2.844452335847639,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,1.38775562217945,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,1.5360700972952168,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1097480547,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,2.2951702045395823,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,2.7080128015453195,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,4.300231781407441,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,1.5554275420956378,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,1.7791499872137209,-0.4034732923929645,-1.290767589565858,1.847394008404462,-0.5241424183609591,1.92197631425262,-0.3553345272593508,1.7648102641764174,1.2522599089223736,2.1320263880606247,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,4.300231781407441,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,1.493826753998134,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1094110735,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,2.7964305530268883,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,1.095445115010332,0.09244132592498286,-0.3692744729379981,0.5964500385074807,2.213211486674006,1.783370827636765,1.4,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,-0.7578757672667773,5.503953220024497,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,2.384680634387767,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,0.0,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,1.8322612478187172,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,1.9255546411563718,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1081182727,-1.3333333333333333,-0.4556210808256099,2.3783535600422523,2.7136021011998728,-1.0896925502620085,0.0,1.0702388536275744,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,1.84969127583431,0.501280411827603,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,0.0,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,1.5724272550828775,3.480409281104197e-16,2.842676218074806,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,2.3666286678969857,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,2.9755097944025266,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,0.0,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1068195816,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,1.84969127583431,0.501280411827603,0.8896802485305647,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,2.384680634387767,1.4922361195300846e-16,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,2.4784787961282104,-1.290767589565858,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,1.614283534590272,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1041567082,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,2.2951702045395823,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,1.783370827636765,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,2.586949495507729,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,2.4784787961282104,1.680999651527629,0.2684247704519305,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,2.844452335847639,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,4.300231781407441,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,2.8836763607610627,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,2.384680634387767,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1031576760,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,1.680999651527629,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,2.2096047024697585,0.8451542547285166,0.4120173191686696,2.3666286678969857,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,1.9255546411563718,1.493826753998134,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1065571427,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,1.095445115010332,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,2.08176211258572,2.0013450805205992,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,1.92197631425262,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,2.6516504294495533,2.844452335847639,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,0.6585527740981746,-1.3249229182268614,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1090051842,-1.3333333333333333,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,0.5964500385074807,2.213211486674006,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,1.404308848905237,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,2.5900956329527047,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,3.0071140721188225,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,1.9255546411563718,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1072510359,0.3333333333333332,1.942384607730232,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,0.6039571739702034,-1.0934428697813142e-16,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,1.84969127583431,-0.9309493362512627,2.5372362643279067,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,1.7791499872137209,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,1.92197631425262,-0.3553345272593508,1.7648102641764174,1.2522599089223736,0.6305993542151146,2.6293856820079102,0.0,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.9009472676039967e-16,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,3.7317752763305516,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,2.384680634387767,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1015803719,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,2.0,-0.5465357250000211,2.7061471362866287,0.2430095986130697,1.7791499872137209,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,1.000595048324613,2.384680634387767,1.5038499587254568,-0.3178208630818641,0.0812626855874762,2.384680634387767,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1032141606,0.3333333333333332,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,2.2951702045395823,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,2.3585114454051004,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,5.504335556964538,0.2788959464448318,1.84969127583431,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,3.0,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,2.08176211258572,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,2.844452335847639,0.897017560671773,-0.4525696378552518,0.8451542547285166,2.0772539841420423,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,2.117657207786341,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,3.0532901344551737,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,4.8517155486212186e-17,1.5764961003970377,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1025272393,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,2.5919887014277454,-1.174298721872976,-1.259033557500665,0.501280411827603,0.8896802485305647,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,1.703004379399454e-16,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,1.847394008404462,-0.5241424183609591,-1.2128976740429152,2.842676218074806,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,1.8239007824960751,1.614283534590272,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,0.3003158614647553,1.493826753998134,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1028698408,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,2.0419504453278305,1.2996430913710322,2.2951702045395823,-1.2105236293230979,1.095445115010332,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,2.6293856820079102,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,2.0772539841420423,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,1.38775562217945,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,6.2757163244218885,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,1.000595048324613,2.384680634387767,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1088015920,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,2.037251289620277,-1.336306209562122,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,2.7080128015453195,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.5454924288243876e-16,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,1.84969127583431,1.933510159906469,0.8896802485305647,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,0.10861307526245643,2.586949495507729,-0.6461623427559643,0.0,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,1.8297065576087663,0.0,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,2.3666286678969857,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.9009472676039967e-16,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,1.38775562217945,-0.6311687442672026,0.0,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.0,1.493826753998134,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1032068275,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,2.5711104030845395,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,0.0,-0.7354542322242511,2.1320263880606247,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.0,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,2.384680634387767,1.4744195615489712,3.0071140721188225,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1015978205,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,1.095445115010332,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,3.3624296382238072,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,2.5372362643279067,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,-1.235473731110441,2.586949495507729,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,1.8239007824960751,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,1.493826753998134,1.000595048324613,2.384680634387767,-1.41624704850844,-0.3178208630818641,0.0812626855874762,2.384680634387767,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1069009238,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,1.735802523873556e-16,0.0,-0.6559528457717392,2.0419504453278305,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,2.3585114454051004,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,2.4784787961282104,-1.290767589565858,-1.3105444675006013,1.5724272550828775,0.3545393201048525,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,2.8943940221941538,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,2.117657207786341,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,1.9255546411563718,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,2.0679037566136893,-0.3905667329424716
+1057569915,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,2.7136021011998728,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,1.404308848905237,2.3585114454051004,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,2.4784787961282104,0.1951160309808856,-1.3105444675006013,1.5724272550828775,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,0.6305993542151146,-0.7633700367119738,0.0,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,0.21055872190307898,2.8943940221941538,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,0.6585527740981746,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,3.1782086308186424,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1049650397,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,1.4,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,1.933510159906469,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,2.7080128015453195,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,0.10861307526245643,2.586949495507729,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,2.58950352420342,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,2.117657207786341,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1047043245,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,9.354143466934852,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,1.8540931537733527,1.095445115010332,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.5454924288243876e-16,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,2.7080128015453195,1.6045149064768405,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,0.0,-0.4071892788474301,-0.986097842803762,2.0013450805205992,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.9009472676039967e-16,-0.399475083518724,3.3911649915626336,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,0.0,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,1.1446223952935248,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,0.0,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1085720321,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,1.783370827636765,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,2.5919887014277454,-1.174298721872976,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,2.5900956329527047,0.702802181054962,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,1.8239007824960751,0.21055872190307898,1.069266581447522,-1.1477525928966412,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,3.4483624551125733,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1021439953,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,2.0419504453278305,1.2996430913710322,2.2951702045395823,0.3217847622251273,1.095445115010332,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,2.213211486674006,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,1.84969127583431,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,0.8741775370487435,2.0,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,2.4784787961282104,0.1951160309808856,1.847394008404462,1.5724272550828775,0.3545393201048525,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,0.6305993542151146,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,2.276689569516288,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,3.0071140721188225,2.8836763607610627,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,1.9255546411563718,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1041535522,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,2.213211486674006,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,0.0,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,2.08176211258572,2.0013450805205992,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,2.844452335847639,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,2.1552636243212993,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,1.5038499587254568,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1010326655,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,1.095445115010332,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,2.586949495507729,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,2.58950352420342,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1100001958,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,-1.336306209562122,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,2.2951702045395823,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,1.783370827636765,-0.6000000000000001,-1.5454924288243876e-16,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,1.7320906147626396,-1.259033557500665,0.501280411827603,2.5372362643279067,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,-0.399475083518724,2.7080128015453195,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,0.0,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,1.8297065576087663,2.7061471362866287,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,2.842676218074806,-1.2475382901936745,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,-0.7558608592991104,-1.9009472676039967e-16,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,0.0,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.0,1.493826753998134,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1019509390,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,-1.174298721872976,-1.259033557500665,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,0.9330078226479681,0.0,2.844452335847639,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,2.3666286678969857,-0.7330963845124387,-0.5039725846370734,1.614283534590272,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,0.0,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,0.6585527740981746,1.9255546411563718,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1042336139,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,0.6039571739702034,1.2996430913710322,2.2951702045395823,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,1.5724272550828775,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,0.897017560671773,2.2096047024697585,0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,1.8239007824960751,1.614283534590272,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,2.117657207786341,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,3.1782086308186424,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,2.0679037566136893,-0.3905667329424716
+1010294281,2.0,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,-1.5454924288243876e-16,1.404308848905237,0.7965833358652988,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,2.5919887014277454,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,2.7080128015453195,1.6045149064768405,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,2.7061471362866287,-1.1542955934120804,4.06662854220279,-0.4034732923929645,1.680999651527629,0.2684247704519305,1.5724272550828775,3.480409281104197e-16,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,2.53546276418555,-1.2532193458047032,0.7116435854515412,1.1768126172436515,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,3.3911649915626336,1.6434221885744973,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,2.1552636243212993,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1013750960,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,-1.336306209562122,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,-1.5454924288243876e-16,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,1.84969127583431,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,0.0,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,2.0,1.8297065576087663,2.7061471362866287,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,1.8239007824960751,-1.1931660907841142,-0.7558608592991104,-1.9009472676039967e-16,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,0.0,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.0,1.493826753998134,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1065142030,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,3.4000000000000012,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,0.501280411827603,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,2.844452335847639,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,-1.413970729222085,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1062972223,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,1.783370827636765,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,1.933510159906469,0.8896802485305647,2.5900956329527047,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,2.1377437139490074,2.08176211258572,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,3.5978080976574778,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1083737921,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,3.9120771753746064,3.841749099639162,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,2.0013450805205992,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,1.680999651527629,1.847394008404462,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,2.9755097944025266,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,2.7080128015453195,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,1.5764961003970377,2.384680634387767,1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1030395962,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,1.84969127583431,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,2.0,1.8297065576087663,2.7061471362866287,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,1.8239007824960751,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,1.9255546411563718,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1014921257,0.3333333333333332,-0.4556210808256099,0.0,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,2.5711104030845395,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,1.7791499872137209,2.4784787961282104,-1.290767589565858,0.2684247704519305,3.6689969285267137,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,2.53546276418555,-1.2532193458047032,0.7116435854515412,1.1768126172436515,-0.5039725846370734,1.614283534590272,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-1.143866575311138e-16,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1078180360,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,0.6039571739702034,3.269414651730253,-0.3736323588785368,-1.2105236293230979,1.095445115010332,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,2.0013450805205992,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,2.6516504294495533,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,3.3911649915626336,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,2.9755097944025266,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,2.7080128015453195,0.6585527740981746,-1.3249229182268614,1.493826753998134,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,2.0679037566136893,-0.3905667329424716
+1008962444,0.3333333333333332,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,1.095445115010332,0.09244132592498286,-0.3692744729379981,-1.7251858950833443e-16,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,0.0,0.7965833358652988,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,-0.7578757672667773,2.5900956329527047,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,2.1377437139490074,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,0.0,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,1.1721705250676622,2.117657207786341,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,3.0071140721188225,1.5360700972952168,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1024616618,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,2.213211486674006,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,2.3585114454051004,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,0.501280411827603,0.8896802485305647,2.5900956329527047,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,2.1320263880606247,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,3.0071140721188225,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,-1.4179108590417386,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1065847924,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-1.0934428697813142e-16,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,2.7080128015453195,-0.9574592723409562,2.213211486674006,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,2.7080128015453195,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,1.8239007824960751,0.21055872190307898,2.8943940221941538,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,1.8297065576087663,2.0679037566136893,2.213211486674006
+1098524761,0.3333333333333332,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,2.2951702045395823,0.3217847622251273,1.095445115010332,1.3998257925783115,-0.3692744729379981,2.150359349355917,4.816989706290483,1.783370827636765,-0.6000000000000001,-1.0861094900781934,1.404308848905237,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,1.933510159906469,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,3.0,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,2.9433147307547785,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,2.384680634387767,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,4.559354065786809,4.816989706290483
+1042992219,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,0.501280411827603,0.8896802485305647,-0.3237619541190881,0.702802181054962,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,2.4784787961282104,1.680999651527629,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,2.2096047024697585,-0.8451542547285166,0.4120173191686696,0.7116435854515412,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,2.7080128015453195,0.6585527740981746,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,2.384680634387767,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1036611399,-1.3333333333333333,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,1.783370827636765,-0.6000000000000001,1.6980021605447808,1.404308848905237,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,2.5919887014277454,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,2.1377437139490074,-0.986097842803762,-1.2795484941033342,0.8741775370487435,-0.5,1.8297065576087663,2.7061471362866287,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,1.847394008404462,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,1.7648102641764174,3.2399740500689984,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,2.3666286678969857,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1056519028,2.0,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,3.4000000000000012,-1.0861094900781934,1.404308848905237,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,2.384680634387767,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,1.5724272550828775,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,2.117657207786341,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,1.000595048324613,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,3.0071140721188225,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1017124323,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,2.0419504453278305,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,2.7080128015453195,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,1.5724272550828775,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,2.0029810718587293,-0.3692744729379981,0.6585527740981746,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,3.1782086308186424,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1080889122,2.0,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,1.095445115010332,0.09244132592498286,2.7080128015453195,-0.9574592723409562,-0.3905667329424716,1.783370827636765,-0.6000000000000001,-1.0861094900781934,1.404308848905237,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,2.5919887014277454,0.2788959464448318,0.2953288591668225,1.933510159906469,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,1.703004379399454e-16,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,1.5724272550828775,0.3545393201048525,2.842676218074806,1.7648102641764174,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,2.276689569516288,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,1.38775562217945,-0.6311687442672026,2.117657207786341,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,1.493826753998134,1.000595048324613,-0.356331589046448,0.0438014551085085,3.1782086308186424,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1069459242,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,2.7136021011998728,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,1.933510159906469,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,0.8451542547285166,0.4120173191686696,0.7116435854515412,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,1.069266581447522,0.5644684883098234,-0.399475083518724,3.3911649915626336,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1097734561,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,2.7080128015453195,0.5964500385074807,-0.3905667329424716,0.0,-0.6000000000000001,0.3059463352332937,1.404308848905237,0.7965833358652988,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,2.943628450332726,-0.5184758473652126,4.682676706745446,0.5478321348909789,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,2.6516504294495533,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,-1.3249229182268614,1.493826753998134,1.000595048324613,2.384680634387767,0.0438014551085085,3.1782086308186424,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1001144012,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,1.095445115010332,0.09244132592498286,-0.3692744729379981,2.150359349355917,-0.3905667329424716,1.783370827636765,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,-1.3127849234810511,3.0,-0.356331589046448,0.10861307526245643,2.586949495507729,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,1.493826753998134,1.000595048324613,-0.356331589046448,1.5038499587254568,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1054983662,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,1.7791499872137209,2.4784787961282104,0.1951160309808856,0.2684247704519305,1.5724272550828775,3.480409281104197e-16,-0.3553345272593508,1.7648102641764174,1.2522599089223736,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,1.9255546411563718,1.493826753998134,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1013401016,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,-1.336306209562122,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,1.3998257925783115,2.7080128015453195,0.5964500385074807,2.213211486674006,-0.4572745711889141,-0.6000000000000001,-1.5454924288243876e-16,1.404308848905237,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,2.5919887014277454,-1.174298721872976,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,2.7080128015453195,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,0.0,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,2.842676218074806,0.2586359869913715,1.2522599089223736,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,1.8239007824960751,-1.1931660907841142,-0.7558608592991104,-1.9009472676039967e-16,-0.399475083518724,3.3911649915626336,-0.5552101988427356,1.8322612478187172,1.38775562217945,-0.6311687442672026,0.0,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.0,1.493826753998134,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1005472040,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,2.7964305530268883,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,1.404308848905237,-0.7653447736745027,3.2283258425753183,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,2.384680634387767,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,3.629330931556488,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,2.1320263880606247,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,2.58950352420342,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,1.8239007824960751,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,1.9255546411563718,-0.6101545896612097,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,2.384680634387767,0.0,3.0071140721188225,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1012414718,2.0,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,4.024016226462445,1.4,1.6980021605447808,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,-1.174298721872976,-1.259033557500665,0.501280411827603,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,2.7080128015453195,-1.3127849234810511,3.0,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,2.08176211258572,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,2.4784787961282104,0.1951160309808856,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,2.2096047024697585,0.8451542547285166,2.0772539841420423,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1072004991,0.3333333333333332,1.942384607730232,-0.4247059928646879,-0.30151134457776363,2.037251289620277,-1.336306209562122,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,2.150359349355917,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.5454924288243876e-16,1.404308848905237,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,2.943628450332726,0.0,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,2.0,-0.5465357250000211,-0.3732616739705695,1.5513203966145972e-16,0.0,-0.4034732923929645,1.6496622074443836e-16,0.2684247704519305,-0.5241424183609591,0.3545393201048525,2.842676218074806,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,0.7116435854515412,1.1768126172436515,-0.5039725846370734,1.614283534590272,1.069266581447522,-1.9009472676039967e-16,-0.399475083518724,3.3911649915626336,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,1.1721705250676622,0.0,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.0,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1016021370,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,2.7080128015453195,-0.9574592723409562,-0.3905667329424716,1.783370827636765,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,0.501280411827603,0.8896802485305647,2.5900956329527047,2.2306330094353144,1.2727681464738432,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,3.0,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,1.7791499872137209,-0.4034732923929645,0.1951160309808856,1.847394008404462,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,1.2522599089223736,2.1320263880606247,0.9330078226479681,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,-1.2532193458047032,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,1.069266581447522,2.276689569516288,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,3.0532901344551737,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,2.384680634387767,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1094301727,2.0,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,2.9211869733608857,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,1.404308848905237,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,2.384680634387767,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,2.1377437139490074,0.5478321348909789,-1.2795484941033342,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,2.1320263880606247,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,1.8322612478187172,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,1.493826753998134,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,1.5764961003970377,-0.356331589046448,1.4744195615489712,-0.2614881801842454,1.5360700972952168,1.8297065576087663,-0.4235465525594304,2.213211486674006
+1029771770,0.3333333333333332,4.340390296286073,-0.4247059928646879,2.7136021011998728,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,1.095445115010332,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,0.0,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,2.5919887014277454,2.5919887014277454,0.2788959464448318,1.84969127583431,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,0.10861307526245643,2.586949495507729,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,2.844452335847639,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,1.8239007824960751,-1.1931660907841142,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-1.143866575311138e-16,1.1721705250676622,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,3.0532901344551737,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,-1.3249229182268614,1.493826753998134,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,2.384680634387767,-1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1011520113,0.3333333333333332,-0.4556210808256099,2.3783535600422523,2.7136021011998728,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,2.213211486674006,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,3.3624296382238072,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,1.84969127583431,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,2.5711104030845395,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,1.847394008404462,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,1.1768126172436515,1.8239007824960751,0.21055872190307898,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,2.9433147307547785,-0.4396787718714283,2.7080128015453195,0.6585527740981746,0.3003158614647553,1.493826753998134,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,1.5764961003970377,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1035310175,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,0.3217847622251273,1.095445115010332,1.3998257925783115,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,1.404308848905237,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,2.4784787961282104,0.1951160309808856,0.2684247704519305,1.5724272550828775,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,1.614283534590272,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,1.493826753998134,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,-1.413970729222085,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1004400143,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,1.6980021605447808,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,0.14586499149789453,3.0,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,1.847394008404462,-0.5241424183609591,0.3545393201048525,2.842676218074806,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,1.614283534590272,-0.7558608592991104,2.276689569516288,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1063987266,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,2.7136021011998728,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,1.84969127583431,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,2.08176211258572,-1.2795484941033342,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,1.847394008404462,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,1.8239007824960751,1.614283534590272,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,4.681136985632964,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,1.5038499587254568,-0.3178208630818641,-1.413970729222085,-0.356331589046448,1.4744195615489712,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1048623585,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,1.84969127583431,0.501280411827603,-0.7578757672667773,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,2.384680634387767,-1.235473731110441,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,0.8741775370487435,2.0,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,2.7080128015453195,0.6585527740981746,-1.3249229182268614,1.493826753998134,-0.8684409853383436,2.384680634387767,-1.41624704850844,3.1782086308186424,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1054397973,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,2.037251289620277,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.0,0.2953288591668225,0.501280411827603,0.8896802485305647,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,3.0,-0.356331589046448,-1.235473731110441,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,2.0013450805205992,-0.8227553289870526,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,1.5724272550828775,0.3545393201048525,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,1.1768126172436515,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,1.9503783489443585,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,2.9433147307547785,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,1.000595048324613,5.125692857821981,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1091714083,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,4.024016226462445,-0.6000000000000001,0.3059463352332937,1.404308848905237,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,3.1173596631026017,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,2.384680634387767,1.4526998816353536,-0.3865556717425343,2.943628450332726,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.6403147906382198,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,0.3545393201048525,2.842676218074806,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,0.7116435854515412,1.1768126172436515,1.8239007824960751,0.21055872190307898,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1017355338,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,5.728715546977509,-1.0896925502620085,0.0,-0.6559528457717392,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,1.3998257925783115,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,1.783370827636765,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,0.501280411827603,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,0.8741775370487435,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,1.680999651527629,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,1.8322612478187172,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,1.493826753998134,1.000595048324613,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1015424102,2.0,-0.4556210808256099,-0.4247059928646879,2.7136021011998728,-1.0896925502620085,-1.336306209562122,-0.6559528457717392,0.6039571739702034,1.2996430913710322,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,2.213211486674006,-0.4572745711889141,-0.6000000000000001,-1.5454924288243876e-16,-0.5538119404133329,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,0.8896802485305647,-0.3237619541190881,2.2306330094353144,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,2.384680634387767,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,0.0,-0.4071892788474301,-0.986097842803762,-1.2795484941033342,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,0.3545393201048525,2.842676218074806,-1.2475382901936745,-0.7354542322242511,2.1320263880606247,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.9009472676039967e-16,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,0.0,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.0,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1049196879,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,0.6039571739702034,3.269414651730253,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,-0.986097842803762,2.0013450805205992,0.8741775370487435,-0.5,1.8297065576087663,2.7061471362866287,-1.1542955934120804,-0.5083285677753487,2.4784787961282104,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,2.844452335847639,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.0,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,2.1552636243212993,-1.3249229182268614,1.493826753998134,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,2.0679037566136893,-0.3905667329424716
+1096740889,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,2.7964305530268883,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,0.09244132592498286,2.7080128015453195,-0.9574592723409562,2.213211486674006,1.783370827636765,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,2.7080128015453195,0.14586499149789453,-0.33333333333333337,2.384680634387767,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,1.7648102641764174,1.2522599089223736,0.6305993542151146,2.6293856820079102,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,1.8239007824960751,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,0.0,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,3.1782086308186424,-1.413970729222085,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1069827144,-1.3333333333333333,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,1.847394008404462,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,-0.8708276796303962,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,3.0867216189997424,0.0,0.21055872190307898,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,3.0532901344551737,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,1.8297065576087663,-0.4235465525594304,-0.3905667329424716
+1095763790,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,1.095445115010332,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,3.3624296382238072,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,2.5919887014277454,-0.3203581541090472,-1.174298721872976,-1.259033557500665,1.933510159906469,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,2.384680634387767,-1.235473731110441,-0.3865556717425343,-0.6461623427559643,3.629330931556488,-0.4071892788474301,-0.986097842803762,0.3608982932086327,0.8741775370487435,2.0,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,0.2586359869913715,1.2522599089223736,0.6305993542151146,0.9330078226479681,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,3.8420545759917295,4.151579283032284,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,2.8696310819875706,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,2.213211486674006
+1089288400,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,2.7964305530268883,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,0.2953288591668225,1.933510159906469,0.8896802485305647,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,2.08176211258572,-1.2795484941033342,-0.8227553289870526,-0.5,1.8297065576087663,2.7061471362866287,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,2.2096047024697585,-0.8451542547285166,0.4120173191686696,0.7116435854515412,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,-0.7558608592991104,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,1.8297065576087663,-0.4235465525594304,2.213211486674006
+1083305117,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,2.0419504453278305,-0.6701284689881887,-0.3736323588785368,0.3217847622251273,-0.7302967433402214,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,2.2306330094353144,1.2727681464738432,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,2.586949495507729,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,2.08176211258572,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,-1.3105444675006013,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,2.0772539841420423,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,1.069266581447522,0.5644684883098234,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,1.2572371141874243,1.1446223952935248,4.4456409155888865,-0.3692744729379981,0.6585527740981746,0.3003158614647553,1.493826753998134,1.000595048324613,2.384680634387767,1.5038499587254568,3.1782086308186424,-1.413970729222085,-0.356331589046448,0.0,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1038761170,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.0,-0.3692744729379981,0.5964500385074807,2.213211486674006,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,-0.399475083518724,2.7080128015453195,-1.3127849234810511,-0.33333333333333337,-0.356331589046448,1.4526998816353536,2.586949495507729,-0.6461623427559643,-0.5184758473652126,2.1377437139490074,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,-0.5083285677753487,-0.4034732923929645,1.680999651527629,-1.3105444675006013,-0.5241424183609591,1.92197631425262,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,3.0867216189997424,4.151774149629223,0.21055872190307898,1.069266581447522,0.5644684883098234,1.9503783489443585,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,2.384680634387767,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1022424360,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,1.0702388536275744,-0.8340360973874237,-0.6701284689881887,2.2951702045395823,-1.2105236293230979,1.095445115010332,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,1.783370827636765,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,0.7965833358652988,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,1.933510159906469,2.5372362643279067,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,1.5554275420956378,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,1.8297065576087663,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,1.680999651527629,0.2684247704519305,3.6689969285267137,1.92197631425262,-0.3553345272593508,0.2586359869913715,-0.7354542322242511,0.6305993542151146,0.9330078226479681,0.8838834764831844,-0.3515615246553262,2.58950352420342,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,1.614283534590272,1.069266581447522,-1.1477525928966412,1.9503783489443585,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,-0.6728512107536728,-0.6311687442672026,-0.4458225700602823,1.6085238260045478,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,2.384680634387767,1.4744195615489712,3.0071140721188225,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1030889912,0.3333333333333332,-0.4556210808256099,2.3783535600422523,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,-0.8340360973874237,1.2996430913710322,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,2.4784787961282104,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,0.2953288591668225,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,-0.8250286473253903,-0.5718233701549151,1.9503783489443585,-0.3692744729379981,0.14586499149789453,3.0,-0.356331589046448,0.10861307526245643,2.586949495507729,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,0.1951160309808856,1.847394008404462,1.5724272550828775,-1.2128976740429152,-0.3553345272593508,-1.2475382901936745,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,-1.2532193458047032,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,0.21055872190307898,-0.7558608592991104,0.5644684883098234,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1084331087,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,-1.336306209562122,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,-1.2105236293230979,-0.7302967433402214,0.09244132592498286,2.7080128015453195,-0.9574592723409562,2.213211486674006,1.783370827636765,-0.6000000000000001,-1.5454924288243876e-16,1.404308848905237,-0.7653447736745027,-0.6612233653467519,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,-1.174298721872976,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,-0.6461623427559643,0.0,-0.4071892788474301,0.5478321348909789,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,1.5513203966145972e-16,-0.5083285677753487,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,1.5724272550828775,1.92197631425262,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,-0.8708276796303962,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,0.7116435854515412,-0.7330963845124387,1.8239007824960751,-1.1931660907841142,1.069266581447522,-1.9009472676039967e-16,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,1.38775562217945,-0.6311687442672026,0.0,-0.5147276243214554,3.0071140721188225,2.8836763607610627,3.0532901344551737,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.0,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,-1.41624704850844,-0.3178208630818641,0.0,-0.356331589046448,1.4744195615489712,-0.2614881801842454,1.5360700972952168,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1014891357,2.0,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,-0.6701284689881887,2.2951702045395823,1.8540931537733527,2.9211869733608857,-1.214943140728346,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,1.6980021605447808,-0.5538119404133329,-0.7653447736745027,1.2835512386142829,1.689306053002671,1.6464638998453551,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,-1.259033557500665,0.501280411827603,-0.7578757672667773,2.5900956329527047,0.702802181054962,1.2727681464738432,1.9503783489443585,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,2.1377437139490074,0.5478321348909789,0.3608982932086327,0.8741775370487435,-0.5,1.8297065576087663,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,-1.2475382901936745,1.2522599089223736,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,0.897017560671773,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,2.3666286678969857,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,-0.5552101988427356,-0.4870567873948489,-0.6728512107536728,1.1721705250676622,2.117657207786341,1.6085238260045478,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,0.0,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1093361029,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,-1.0896925502620085,0.0,-0.6559528457717392,0.6039571739702034,-1.0934428697813142e-16,-0.3736323588785368,0.3217847622251273,1.095445115010332,0.09244132592498286,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,-0.6000000000000001,0.3059463352332937,-0.5538119404133329,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,0.2788959464448318,0.2953288591668225,0.501280411827603,2.5372362643279067,-0.3237619541190881,-0.8250286473253903,1.2727681464738432,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,0.10861307526245643,-0.3865556717425343,1.1487330537883809,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,-0.4034732923929645,0.1951160309808856,0.2684247704519305,1.5724272550828775,3.480409281104197e-16,-0.3553345272593508,1.7648102641764174,-0.7354542322242511,0.6305993542151146,-0.7633700367119738,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,0.8451542547285166,0.4120173191686696,-0.9433414969939032,-0.7330963845124387,-0.5039725846370734,1.614283534590272,0.0,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,1.38775562217945,-0.6311687442672026,2.117657207786341,3.7317752763305516,-0.2614881801842454,1.1036292244888015,-0.5388159060803248,1.1446223952935248,-0.4396787718714283,-0.3692744729379981,0.6585527740981746,0.3003158614647553,-0.6101545896612097,1.000595048324613,-0.356331589046448,0.0438014551085085,-0.3178208630818641,1.5764961003970377,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1023728468,0.3333333333333332,-0.4556210808256099,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,-0.8340360973874237,-0.6701284689881887,-0.3736323588785368,1.8540931537733527,1.095445115010332,1.3998257925783115,-0.3692744729379981,0.5964500385074807,-0.3905667329424716,-0.4572745711889141,1.4,-1.0861094900781934,-0.5538119404133329,0.7965833358652988,1.2835512386142829,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,-1.259033557500665,-0.9309493362512627,-0.7578757672667773,-0.3237619541190881,0.702802181054962,-0.5718233701549151,-0.399475083518724,-0.3692744729379981,0.14586499149789453,-0.33333333333333337,-0.356331589046448,-1.235473731110441,2.586949495507729,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,0.5478321348909789,-1.2795484941033342,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,-1.1542955934120804,-0.5083285677753487,2.4784787961282104,1.680999651527629,0.2684247704519305,-0.5241424183609591,-1.2128976740429152,-0.3553345272593508,0.2586359869913715,1.2522599089223736,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,2.53546276418555,0.4120173191686696,0.7116435854515412,-0.7330963845124387,-0.5039725846370734,-1.1931660907841142,1.069266581447522,-1.1477525928966412,-0.399475083518724,-0.2948839123097943,1.6434221885744973,-0.4870567873948489,1.38775562217945,-0.6311687442672026,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,1.1036292244888015,1.2572371141874243,-0.6540699401677285,2.0029810718587293,-0.3692744729379981,-0.8381580761249496,-1.3249229182268614,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,-1.413970729222085,5.125692857821981,0.0,-0.2614881801842454,0.059079619126739175,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
+1079447298,-1.3333333333333333,1.942384607730232,-0.4247059928646879,-0.30151134457776363,0.4737793696791343,0.0,-0.6559528457717392,0.6039571739702034,1.2996430913710322,2.2951702045395823,0.3217847622251273,-0.7302967433402214,1.3998257925783115,-0.3692744729379981,-0.9574592723409562,-0.3905667329424716,-0.4572745711889141,1.4,0.3059463352332937,1.404308848905237,-0.7653447736745027,-0.6612233653467519,-0.5334650693692644,-0.5488212999484517,-0.4034732923929645,-0.3203581541090472,-0.3203581541090472,1.7320906147626396,-1.259033557500665,-0.9309493362512627,0.8896802485305647,-0.3237619541190881,0.702802181054962,1.2727681464738432,-0.399475083518724,-0.3692744729379981,1.6045149064768405,-0.33333333333333337,-0.356331589046448,1.4526998816353536,-0.3865556717425343,-0.6461623427559643,-0.5184758473652126,-0.4071892788474301,-0.986097842803762,0.3608982932086327,-0.8227553289870526,-0.5,-0.5465357250000211,-0.3732616739705695,0.2430095986130697,1.7791499872137209,-0.4034732923929645,-1.290767589565858,-1.3105444675006013,-0.5241424183609591,3.480409281104197e-16,-0.3553345272593508,1.7648102641764174,1.2522599089223736,-0.8708276796303962,0.9330078226479681,-0.8838834764831844,-0.3515615246553262,-0.7954684028598741,-0.4525696378552518,-0.8451542547285166,0.4120173191686696,-0.9433414969939032,1.1768126172436515,-0.5039725846370734,-1.1931660907841142,1.069266581447522,2.276689569516288,-0.399475083518724,3.3911649915626336,-0.5552101988427356,1.8322612478187172,1.38775562217945,1.1721705250676622,-0.4458225700602823,-0.5147276243214554,-0.2614881801842454,-0.6764179117834591,-0.5388159060803248,-0.6540699401677285,-0.4396787718714283,-0.3692744729379981,-0.8381580761249496,0.3003158614647553,-0.6101545896612097,-0.8684409853383436,-0.356331589046448,0.0438014551085085,-0.3178208630818641,0.0812626855874762,-0.356331589046448,-1.4744195615489712,-0.2614881801842454,-1.4179108590417386,-0.5465357250000211,-0.4235465525594304,-0.3905667329424716
diff --git a/test-data/wgr/ridge-regression/X1.csv b/test-data/wgr/ridge-regression/X1.csv
new file mode 100644
index 000000000..5377aee5b
--- /dev/null
+++ b/test-data/wgr/ridge-regression/X1.csv
@@ -0,0 +1,101 @@
+sample_id,chr_1_block_0_alpha_0_label_sim100,chr_1_block_0_alpha_1_label_sim100,chr_1_block_0_alpha_2_label_sim100,chr_1_block_0_alpha_0_label_sim16,chr_1_block_0_alpha_1_label_sim16,chr_1_block_0_alpha_2_label_sim16,chr_1_block_0_alpha_0_label_sim58,chr_1_block_0_alpha_1_label_sim58,chr_1_block_0_alpha_2_label_sim58,chr_1_block_0_alpha_0_label_sim92,chr_1_block_0_alpha_1_label_sim92,chr_1_block_0_alpha_2_label_sim92,chr_1_block_1_alpha_0_label_sim100,chr_1_block_1_alpha_1_label_sim100,chr_1_block_1_alpha_2_label_sim100,chr_1_block_1_alpha_0_label_sim16,chr_1_block_1_alpha_1_label_sim16,chr_1_block_1_alpha_2_label_sim16,chr_1_block_1_alpha_0_label_sim58,chr_1_block_1_alpha_1_label_sim58,chr_1_block_1_alpha_2_label_sim58,chr_1_block_1_alpha_0_label_sim92,chr_1_block_1_alpha_1_label_sim92,chr_1_block_1_alpha_2_label_sim92,chr_1_block_2_alpha_0_label_sim100,chr_1_block_2_alpha_1_label_sim100,chr_1_block_2_alpha_2_label_sim100,chr_1_block_2_alpha_0_label_sim16,chr_1_block_2_alpha_1_label_sim16,chr_1_block_2_alpha_2_label_sim16,chr_1_block_2_alpha_0_label_sim58,chr_1_block_2_alpha_1_label_sim58,chr_1_block_2_alpha_2_label_sim58,chr_1_block_2_alpha_0_label_sim92,chr_1_block_2_alpha_1_label_sim92,chr_1_block_2_alpha_2_label_sim92,chr_1_block_3_alpha_0_label_sim100,chr_1_block_3_alpha_1_label_sim100,chr_1_block_3_alpha_2_label_sim100,chr_1_block_3_alpha_0_label_sim16,chr_1_block_3_alpha_1_label_sim16,chr_1_block_3_alpha_2_label_sim16,chr_1_block_3_alpha_0_label_sim58,chr_1_block_3_alpha_1_label_sim58,chr_1_block_3_alpha_2_label_sim58,chr_1_block_3_alpha_0_label_sim92,chr_1_block_3_alpha_1_label_sim92,chr_1_block_3_alpha_2_label_sim92,chr_1_block_4_alpha_0_label_sim100,chr_1_block_4_alpha_1_label_sim100,chr_1_block_4_alpha_2_label_sim100,chr_1_block_4_alpha_0_label_sim16,chr_1_block_4_alpha_1_label_sim16,chr_1_block_4_alpha_2_label_sim16,chr_1_block_4_alpha_0_label_sim58,chr_1_block_4_alpha_1_label_sim58,chr_1_block_4_alpha_2_label_sim58,chr_1_block_4_alpha_0_label_sim92,chr_1_block_4_alpha_1_label_sim92,chr_1_block_4_alpha_2_label_sim92,chr_1_block_5_alpha_0_label_sim100,chr_1_block_5_alpha_1_label_sim100,chr_1_block_5_alpha_2_label_sim100,chr_1_block_5_alpha_0_label_sim16,chr_1_block_5_alpha_1_label_sim16,chr_1_block_5_alpha_2_label_sim16,chr_1_block_5_alpha_0_label_sim58,chr_1_block_5_alpha_1_label_sim58,chr_1_block_5_alpha_2_label_sim58,chr_1_block_5_alpha_0_label_sim92,chr_1_block_5_alpha_1_label_sim92,chr_1_block_5_alpha_2_label_sim92,chr_1_block_6_alpha_0_label_sim100,chr_1_block_6_alpha_1_label_sim100,chr_1_block_6_alpha_2_label_sim100,chr_1_block_6_alpha_0_label_sim16,chr_1_block_6_alpha_1_label_sim16,chr_1_block_6_alpha_2_label_sim16,chr_1_block_6_alpha_0_label_sim58,chr_1_block_6_alpha_1_label_sim58,chr_1_block_6_alpha_2_label_sim58,chr_1_block_6_alpha_0_label_sim92,chr_1_block_6_alpha_1_label_sim92,chr_1_block_6_alpha_2_label_sim92,chr_1_block_7_alpha_0_label_sim100,chr_1_block_7_alpha_1_label_sim100,chr_1_block_7_alpha_2_label_sim100,chr_1_block_7_alpha_0_label_sim16,chr_1_block_7_alpha_1_label_sim16,chr_1_block_7_alpha_2_label_sim16,chr_1_block_7_alpha_0_label_sim58,chr_1_block_7_alpha_1_label_sim58,chr_1_block_7_alpha_2_label_sim58,chr_1_block_7_alpha_0_label_sim92,chr_1_block_7_alpha_1_label_sim92,chr_1_block_7_alpha_2_label_sim92,chr_1_block_8_alpha_0_label_sim100,chr_1_block_8_alpha_1_label_sim100,chr_1_block_8_alpha_2_label_sim100,chr_1_block_8_alpha_0_label_sim16,chr_1_block_8_alpha_1_label_sim16,chr_1_block_8_alpha_2_label_sim16,chr_1_block_8_alpha_0_label_sim58,chr_1_block_8_alpha_1_label_sim58,chr_1_block_8_alpha_2_label_sim58,chr_1_block_8_alpha_0_label_sim92,chr_1_block_8_alpha_1_label_sim92,chr_1_block_8_alpha_2_label_sim92,chr_2_block_0_alpha_0_label_sim100,chr_2_block_0_alpha_1_label_sim100,chr_2_block_0_alpha_2_label_sim100,chr_2_block_0_alpha_0_label_sim16,chr_2_block_0_alpha_1_label_sim16,chr_2_block_0_alpha_2_label_sim16,chr_2_block_0_alpha_0_label_sim58,chr_2_block_0_alpha_1_label_sim58,chr_2_block_0_alpha_2_label_sim58,chr_2_block_0_alpha_0_label_sim92,chr_2_block_0_alpha_1_label_sim92,chr_2_block_0_alpha_2_label_sim92,chr_2_block_1_alpha_0_label_sim100,chr_2_block_1_alpha_1_label_sim100,chr_2_block_1_alpha_2_label_sim100,chr_2_block_1_alpha_0_label_sim16,chr_2_block_1_alpha_1_label_sim16,chr_2_block_1_alpha_2_label_sim16,chr_2_block_1_alpha_0_label_sim58,chr_2_block_1_alpha_1_label_sim58,chr_2_block_1_alpha_2_label_sim58,chr_2_block_1_alpha_0_label_sim92,chr_2_block_1_alpha_1_label_sim92,chr_2_block_1_alpha_2_label_sim92,chr_2_block_2_alpha_0_label_sim100,chr_2_block_2_alpha_1_label_sim100,chr_2_block_2_alpha_2_label_sim100,chr_2_block_2_alpha_0_label_sim16,chr_2_block_2_alpha_1_label_sim16,chr_2_block_2_alpha_2_label_sim16,chr_2_block_2_alpha_0_label_sim58,chr_2_block_2_alpha_1_label_sim58,chr_2_block_2_alpha_2_label_sim58,chr_2_block_2_alpha_0_label_sim92,chr_2_block_2_alpha_1_label_sim92,chr_2_block_2_alpha_2_label_sim92,chr_2_block_3_alpha_0_label_sim100,chr_2_block_3_alpha_1_label_sim100,chr_2_block_3_alpha_2_label_sim100,chr_2_block_3_alpha_0_label_sim16,chr_2_block_3_alpha_1_label_sim16,chr_2_block_3_alpha_2_label_sim16,chr_2_block_3_alpha_0_label_sim58,chr_2_block_3_alpha_1_label_sim58,chr_2_block_3_alpha_2_label_sim58,chr_2_block_3_alpha_0_label_sim92,chr_2_block_3_alpha_1_label_sim92,chr_2_block_3_alpha_2_label_sim92,chr_2_block_4_alpha_0_label_sim100,chr_2_block_4_alpha_1_label_sim100,chr_2_block_4_alpha_2_label_sim100,chr_2_block_4_alpha_0_label_sim16,chr_2_block_4_alpha_1_label_sim16,chr_2_block_4_alpha_2_label_sim16,chr_2_block_4_alpha_0_label_sim58,chr_2_block_4_alpha_1_label_sim58,chr_2_block_4_alpha_2_label_sim58,chr_2_block_4_alpha_0_label_sim92,chr_2_block_4_alpha_1_label_sim92,chr_2_block_4_alpha_2_label_sim92,chr_2_block_5_alpha_0_label_sim100,chr_2_block_5_alpha_1_label_sim100,chr_2_block_5_alpha_2_label_sim100,chr_2_block_5_alpha_0_label_sim16,chr_2_block_5_alpha_1_label_sim16,chr_2_block_5_alpha_2_label_sim16,chr_2_block_5_alpha_0_label_sim58,chr_2_block_5_alpha_1_label_sim58,chr_2_block_5_alpha_2_label_sim58,chr_2_block_5_alpha_0_label_sim92,chr_2_block_5_alpha_1_label_sim92,chr_2_block_5_alpha_2_label_sim92,chr_2_block_6_alpha_0_label_sim100,chr_2_block_6_alpha_1_label_sim100,chr_2_block_6_alpha_2_label_sim100,chr_2_block_6_alpha_0_label_sim16,chr_2_block_6_alpha_1_label_sim16,chr_2_block_6_alpha_2_label_sim16,chr_2_block_6_alpha_0_label_sim58,chr_2_block_6_alpha_1_label_sim58,chr_2_block_6_alpha_2_label_sim58,chr_2_block_6_alpha_0_label_sim92,chr_2_block_6_alpha_1_label_sim92,chr_2_block_6_alpha_2_label_sim92,chr_2_block_7_alpha_0_label_sim100,chr_2_block_7_alpha_1_label_sim100,chr_2_block_7_alpha_2_label_sim100,chr_2_block_7_alpha_0_label_sim16,chr_2_block_7_alpha_1_label_sim16,chr_2_block_7_alpha_2_label_sim16,chr_2_block_7_alpha_0_label_sim58,chr_2_block_7_alpha_1_label_sim58,chr_2_block_7_alpha_2_label_sim58,chr_2_block_7_alpha_0_label_sim92,chr_2_block_7_alpha_1_label_sim92,chr_2_block_7_alpha_2_label_sim92,chr_3_block_0_alpha_0_label_sim100,chr_3_block_0_alpha_1_label_sim100,chr_3_block_0_alpha_2_label_sim100,chr_3_block_0_alpha_0_label_sim16,chr_3_block_0_alpha_1_label_sim16,chr_3_block_0_alpha_2_label_sim16,chr_3_block_0_alpha_0_label_sim58,chr_3_block_0_alpha_1_label_sim58,chr_3_block_0_alpha_2_label_sim58,chr_3_block_0_alpha_0_label_sim92,chr_3_block_0_alpha_1_label_sim92,chr_3_block_0_alpha_2_label_sim92,chr_3_block_1_alpha_0_label_sim100,chr_3_block_1_alpha_1_label_sim100,chr_3_block_1_alpha_2_label_sim100,chr_3_block_1_alpha_0_label_sim16,chr_3_block_1_alpha_1_label_sim16,chr_3_block_1_alpha_2_label_sim16,chr_3_block_1_alpha_0_label_sim58,chr_3_block_1_alpha_1_label_sim58,chr_3_block_1_alpha_2_label_sim58,chr_3_block_1_alpha_0_label_sim92,chr_3_block_1_alpha_1_label_sim92,chr_3_block_1_alpha_2_label_sim92,chr_3_block_2_alpha_0_label_sim100,chr_3_block_2_alpha_1_label_sim100,chr_3_block_2_alpha_2_label_sim100,chr_3_block_2_alpha_0_label_sim16,chr_3_block_2_alpha_1_label_sim16,chr_3_block_2_alpha_2_label_sim16,chr_3_block_2_alpha_0_label_sim58,chr_3_block_2_alpha_1_label_sim58,chr_3_block_2_alpha_2_label_sim58,chr_3_block_2_alpha_0_label_sim92,chr_3_block_2_alpha_1_label_sim92,chr_3_block_2_alpha_2_label_sim92,chr_3_block_3_alpha_0_label_sim100,chr_3_block_3_alpha_1_label_sim100,chr_3_block_3_alpha_2_label_sim100,chr_3_block_3_alpha_0_label_sim16,chr_3_block_3_alpha_1_label_sim16,chr_3_block_3_alpha_2_label_sim16,chr_3_block_3_alpha_0_label_sim58,chr_3_block_3_alpha_1_label_sim58,chr_3_block_3_alpha_2_label_sim58,chr_3_block_3_alpha_0_label_sim92,chr_3_block_3_alpha_1_label_sim92,chr_3_block_3_alpha_2_label_sim92,chr_3_block_4_alpha_0_label_sim100,chr_3_block_4_alpha_1_label_sim100,chr_3_block_4_alpha_2_label_sim100,chr_3_block_4_alpha_0_label_sim16,chr_3_block_4_alpha_1_label_sim16,chr_3_block_4_alpha_2_label_sim16,chr_3_block_4_alpha_0_label_sim58,chr_3_block_4_alpha_1_label_sim58,chr_3_block_4_alpha_2_label_sim58,chr_3_block_4_alpha_0_label_sim92,chr_3_block_4_alpha_1_label_sim92,chr_3_block_4_alpha_2_label_sim92,chr_3_block_5_alpha_0_label_sim100,chr_3_block_5_alpha_1_label_sim100,chr_3_block_5_alpha_2_label_sim100,chr_3_block_5_alpha_0_label_sim16,chr_3_block_5_alpha_1_label_sim16,chr_3_block_5_alpha_2_label_sim16,chr_3_block_5_alpha_0_label_sim58,chr_3_block_5_alpha_1_label_sim58,chr_3_block_5_alpha_2_label_sim58,chr_3_block_5_alpha_0_label_sim92,chr_3_block_5_alpha_1_label_sim92,chr_3_block_5_alpha_2_label_sim92,chr_3_block_6_alpha_0_label_sim100,chr_3_block_6_alpha_1_label_sim100,chr_3_block_6_alpha_2_label_sim100,chr_3_block_6_alpha_0_label_sim16,chr_3_block_6_alpha_1_label_sim16,chr_3_block_6_alpha_2_label_sim16,chr_3_block_6_alpha_0_label_sim58,chr_3_block_6_alpha_1_label_sim58,chr_3_block_6_alpha_2_label_sim58,chr_3_block_6_alpha_0_label_sim92,chr_3_block_6_alpha_1_label_sim92,chr_3_block_6_alpha_2_label_sim92,chr_3_block_7_alpha_0_label_sim100,chr_3_block_7_alpha_1_label_sim100,chr_3_block_7_alpha_2_label_sim100,chr_3_block_7_alpha_0_label_sim16,chr_3_block_7_alpha_1_label_sim16,chr_3_block_7_alpha_2_label_sim16,chr_3_block_7_alpha_0_label_sim58,chr_3_block_7_alpha_1_label_sim58,chr_3_block_7_alpha_2_label_sim58,chr_3_block_7_alpha_0_label_sim92,chr_3_block_7_alpha_1_label_sim92,chr_3_block_7_alpha_2_label_sim92,chr_3_block_8_alpha_0_label_sim100,chr_3_block_8_alpha_1_label_sim100,chr_3_block_8_alpha_2_label_sim100,chr_3_block_8_alpha_0_label_sim16,chr_3_block_8_alpha_1_label_sim16,chr_3_block_8_alpha_2_label_sim16,chr_3_block_8_alpha_0_label_sim58,chr_3_block_8_alpha_1_label_sim58,chr_3_block_8_alpha_2_label_sim58,chr_3_block_8_alpha_0_label_sim92,chr_3_block_8_alpha_1_label_sim92,chr_3_block_8_alpha_2_label_sim92,chr_3_block_9_alpha_0_label_sim100,chr_3_block_9_alpha_1_label_sim100,chr_3_block_9_alpha_2_label_sim100,chr_3_block_9_alpha_0_label_sim16,chr_3_block_9_alpha_1_label_sim16,chr_3_block_9_alpha_2_label_sim16,chr_3_block_9_alpha_0_label_sim58,chr_3_block_9_alpha_1_label_sim58,chr_3_block_9_alpha_2_label_sim58,chr_3_block_9_alpha_0_label_sim92,chr_3_block_9_alpha_1_label_sim92,chr_3_block_9_alpha_2_label_sim92
+1017355338,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,-0.11419920550052008,-0.11613012126429538,-0.13291577605126234,-0.18717614074213595,-0.18800531115104155,-0.1954283986517932,-0.14861262106339446,-0.15013189230896906,-0.16340601076639746,-0.12698574056263448,-0.1287803026871367,-0.14439998997136913,-0.9757144300050276,-0.975381455997082,-0.9722368077092004,0.2111299622390314,0.21127464986978733,0.2125952961755088,-0.31304147753664113,-0.3129054696697633,-0.3116146088278711,-0.7093013605269334,-0.7091066300441401,-0.7072425843787574,0.3124315917449171,0.3125586244459404,0.3136166213002465,-0.28633933155273905,-0.2857005366928615,-0.27994189366814143,-0.062092801697966674,-0.06162597979463616,-0.057443236429096885,0.14854634818487106,0.14875831637096265,0.1506524225520082,0.07384710297508584,0.07241556996810428,0.060005524175789,0.6575788308982754,0.6578337277062247,0.6591865155139016,0.38875463816244654,0.3879513515355456,0.3806811277788064,0.18861457615068367,0.1872049289304718,0.17485143393275224,1.1090538122111466,1.1042787572790511,1.0625237697735348,2.12426508694575,2.1200774812105645,2.082783141567348,1.8333170475342135,1.8282887754539412,1.7837114280261224,1.4815501496537866,1.4762655185216789,1.429747721376585,1.5020075336666483,1.50119823722997,1.4937702641486894,1.3917767809795374,1.390593229005714,1.3799025709569483,1.450077410406026,1.4491187300081532,1.4404060619160173,1.4823763284786329,1.4815190324577572,1.47368435934952,1.3706170031081817,1.3709571746268439,1.3738067529258782,0.7505508456109488,0.7515896226602583,0.7605908042623238,1.3272965238387633,1.3269880270533811,1.3242084464928263,1.3821630247744787,1.3822280306721564,1.3826736262176966,-0.7691374493800821,-0.7708742319473744,-0.7855937269586751,-1.0166388705345373,-1.0200108480900325,-1.0493104510864912,-0.90678299026448,-0.9093672881460232,-0.9316898388493924,-0.8231925501262743,-0.8252498906350099,-0.8428489804461378,-0.5053876015099527,-0.5056556845650938,-0.5081722922999248,-0.9326265318678788,-0.932716362843638,-0.9336642000586606,-0.7784695961411865,-0.7785980884555571,-0.7798947349451335,-0.6315731192362966,-0.6317670139356752,-0.6336360932998922,-0.8705278260133523,-0.8738758021285117,-0.9039728390268424,0.9629547861824512,0.9631093579014852,0.964461493547609,0.12620761429886854,0.12409758677647954,0.10462004795050958,-0.5089063803185823,-0.5119831455775686,-0.5399954726467899,1.5879162424190334,1.58790531462829,1.5877865965952749,1.4137936355747611,1.4142015562920929,1.4176407378932816,1.7525459908859926,1.7525639984628745,1.7524849309229578,1.6970279369060537,1.6969500723940372,1.6961523398053866,-0.10343171661144594,-0.10123743680042964,-0.08162167966838621,0.8460837499700616,0.8454656520835274,0.8396026863844114,0.4689596102917842,0.4695269122804674,0.4744360245934722,0.008333220436979375,0.01036366269501745,0.028403708751414673,0.35056980375064994,0.34919285602255606,0.33666943776553004,1.024254248060482,1.0249005864873484,1.0304245721536691,0.7236009334306748,0.7227301430967159,0.7146404503358886,0.4953786984361363,0.4941067957402061,0.4824714455571509,1.155557631734763,1.1531878744209771,1.1309438289809637,1.0380061004143477,1.0374175900392464,1.0316202460217334,1.1923483389342842,1.1910494366869244,1.1783468233268417,1.18481556098848,1.1828236213078502,1.1638687789642908,0.5251404377060673,0.5216958737780438,0.4907447808953084,-0.1179022875639464,-0.12072382629625145,-0.14584241373714127,0.22696929249604464,0.22363188052936567,0.1937810035197417,0.4149717257759695,0.4115266790594399,0.3806233113774973,-0.09003921632907005,-0.09050398756814336,-0.09468416984937206,0.7664879632781166,0.7665360842676692,0.7669678403393978,0.9158578431610336,0.9156022800420144,0.9132917967745136,0.042953382256365163,0.04245371612280782,0.03795654362273605,0.16563732490455566,0.16855310237392712,0.19529849961496767,-0.8273375313905481,-0.8281669012965047,-0.8354538023266314,-0.7287386024616793,-0.7296033700841067,-0.737284643577427,-0.4863712475116901,-0.4865953898364291,-0.4884738692880378,-0.7692697605961283,-0.7718186178735134,-0.7946801824056708,-1.3898126053732929,-1.3918472267052238,-1.4097852071409636,-1.671376496101201,-1.6723691156036051,-1.6810182183600335,-1.2120382496085669,-1.2139174481028328,-1.2306423542745046,0.5995613288888029,0.5995403404356552,0.5993358185282506,0.4336601948772314,0.4326976564786408,0.4238317438756909,0.5374499649714286,0.5371362119197678,0.5342457989681678,0.5785738236419968,0.5784650829581393,0.5774562533660149,-0.7638117475334862,-0.7667192726579157,-0.7930087066754583,0.08691632182790739,0.08845649315801746,0.10252277125561288,-0.22184089599453205,-0.2221051755344348,-0.22450846848953407,-0.5218603108354366,-0.5238032316205115,-0.5414992616428901,0.13538385135460865,0.1362047218789087,0.14412491861872448,1.1538588004369206,1.1554914008897752,1.1699060967191055,0.6227787883144671,0.6241085798664393,0.6360925297073764,0.3126484999087633,0.3136403706547817,0.3228973168360668,-0.11127512852230503,-0.11180425217484327,-0.11638666781189172,0.67185466196652,0.6727796725580701,0.6811272770179436,0.3582293926047997,0.3583123851707933,0.35909175534817955,0.08281524671782428,0.08236409607924762,0.0784004030351669,-0.4499977335348676,-0.4507334762030595,-0.4572282976842201,-0.3461287809086114,-0.3454034819076355,-0.3390540070674484,-0.4129062256045563,-0.4131062843031168,-0.4149656332377642,-0.4377614812818961,-0.4383186719275004,-0.4432843214604282,0.7327357839432738,0.7331494594034513,0.7367152215816941,0.7450015777884932,0.7456767419190746,0.7516382013009921,0.8034139866041035,0.8037991440482507,0.8071130855477882,0.7766728754765273,0.7770090906387435,0.7798856056294671,0.2486817354157969,0.2480307355744171,0.2423515358022767,0.3452284120327873,0.3442907921862797,0.33579790909985474,0.30854194592036793,0.3077279313026617,0.3004574248445574,0.2757741266236909,0.275046916475162,0.2686318281648585,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1051628479,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,0.21386610974748324,0.21481412518006446,0.2230820060877715,0.7762479825965507,0.776206484336972,0.7758360409928308,0.4582393582826759,0.4588208063038332,0.4638686908966324,0.3017898109695636,0.3026250465980325,0.30989663235980736,-0.22361666953911088,-0.22404335225838884,-0.2278786557398273,0.2722399783430751,0.2721635802325965,0.2714724651609465,0.06513280541205341,0.06487042269093476,0.06250067711431995,-0.10334067861650516,-0.10372525470652587,-0.1071913840176202,2.0994515502235704,2.102281573396715,2.126995067466689,3.0240650760577776,3.0227746284314736,3.0113645423081867,2.8666961368307007,2.8658822113477678,2.8588764019164508,2.51442246663671,2.5153619056860985,2.523584229908142,0.7905169134156201,0.7869236739126385,0.7558047305479724,1.2527377772462736,1.246929948974259,1.1930239988619742,1.1422806147278943,1.1379586508999755,1.0989917269857337,0.9357939511264408,0.9317371632893444,0.896106951008882,0.5672878296565056,0.5697561668645241,0.5916313305988339,-0.4479755993798381,-0.4463405502836305,-0.4311110237520601,-0.09938154285019896,-0.09686778023551276,-0.0740529454683717,0.25006385461005604,0.25283513049578554,0.27762001620674925,-0.7543321558257019,-0.7555666907982659,-0.7665513718665199,-0.6360545735358117,-0.6367134500751027,-0.6425288268522548,-0.6945442996030223,-0.6955065901531777,-0.7040562171878523,-0.7304506767627869,-0.7315824292881782,-0.7416508013728823,1.3706170031081817,1.3709571746268439,1.3738067529258782,0.7505508456109488,0.7515896226602583,0.7605908042623238,1.3272965238387633,1.3269880270533811,1.3242084464928263,1.3821630247744787,1.3822280306721564,1.3826736262176966,0.8359582917077997,0.8365788642057309,0.8415056170513523,0.425138683103462,0.4275021482708716,0.4481867540395738,0.6894679173352875,0.6909352599392544,0.7035013968534098,0.7886770769624851,0.7896180272623471,0.7974343526248979,1.4495601127037705,1.4488044909342164,1.441932296907106,1.794124242208336,1.7940470637152341,1.7932885291302094,1.701737593774282,1.7013212974619942,1.6975231605905277,1.576434886366063,1.575799732510811,1.570026029036361,0.7343635581401652,0.7331870253284012,0.7229403970287497,-0.9749508347828176,-0.974771927944429,-0.9731464324820812,-0.20700719431228404,-0.20715941894312376,-0.20801022700197988,0.38937122616995534,0.3886417250331349,0.3826300366844495,-0.4325398980461809,-0.4309529788218044,-0.4164726191093206,-0.8355833259094507,-0.8327031749874437,-0.8065326561202542,-0.7284492436807765,-0.7257262096686881,-0.7009938592614267,-0.5539608771176707,-0.5518785462900316,-0.5329429401765442,-0.10343171661144594,-0.10123743680042964,-0.08162167966838621,0.8460837499700616,0.8454656520835274,0.8396026863844114,0.4689596102917842,0.4695269122804674,0.4744360245934722,0.008333220436979375,0.01036366269501745,0.028403708751414673,-1.2451866634922344,-1.248647741877445,-1.2789951648147462,-1.9636600857371056,-1.9630290778974853,-1.9575791691202409,-1.7171068687743951,-1.7180906320350553,-1.7268150262849364,-1.441545158892462,-1.4440025194120407,-1.4655537676457009,0.4346045015520365,0.4346927083622728,0.434653423899178,-0.8950500359592726,-0.896362990189603,-0.907915152664684,-0.1680654327232216,-0.1681755462209964,-0.16933917138605595,0.22263176550183875,0.22278884870585464,0.22359770493348602,-0.6337240729933237,-0.6355253138098841,-0.6514941040482046,-0.08080695183254903,-0.08228828375993744,-0.09557825014073768,-0.3841748044074104,-0.3858210295244562,-0.4004847443435992,-0.5430405903765515,-0.5447844495490409,-0.5602668592706297,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,1.108339455869881,1.105930743508729,1.0831045787232656,1.2312621559009398,1.230402961572729,1.2225436093880786,1.2949376669683117,1.2944480528739857,1.2899457019329177,1.352091012383254,1.3521034834422274,1.3522201582253162,-1.153890058547915,-1.1534308387627978,-1.1493432331983766,1.0520992041530932,1.0502452074306368,1.0335471602360533,0.15587314393217702,0.15372721752251295,0.13477424755437134,-0.7921010748794206,-0.7919399916295766,-0.7905405970988647,0.2964923870011363,0.2942556315132919,0.27427884700625005,1.0066556597419962,1.0067143429902985,1.0071730971819417,0.6097018853868753,0.6082908190897142,0.5955949521856753,0.4116570334853105,0.4096765078714281,0.3919391450675935,-0.27809102298207683,-0.27827704065253017,-0.2798423203200732,-0.06920840920035166,-0.06920104756155572,-0.06917608368292605,-0.15079690951004213,-0.15096935190164668,-0.15253830694493914,-0.22420540005300785,-0.22446692106364124,-0.2267861947749017,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,-1.2744364671914528,-1.2753631410303992,-1.283530273403283,0.3772228062718401,0.37948424612238013,0.3998332427457694,-0.38370889424148497,-0.38375095476905213,-0.3842430897921976,-0.9362376092368564,-0.9372074228158148,-0.9459043110839246,0.3692631735913906,0.3700344916681183,0.37707666970775,0.26972293898070515,0.2696437638258978,0.26897175240097604,0.3327085465831936,0.3331928455141754,0.33767690520713617,0.3570045076640805,0.3576855196016306,0.3639328892647496,-1.2786150879178608,-1.280175695298397,-1.2936987861679572,-0.5543665212515158,-0.5571686993369198,-0.5821650199111291,-0.97940740296643,-0.9817575240436058,-1.002416725323792,-1.1867425162966991,-1.188565191100465,-1.2044417882488279,-0.3443807849427066,-0.3449614489178062,-0.3501420441516181,0.017876609038967185,0.018999217471143474,0.029258043285306044,-0.14540085652086165,-0.14515542617224544,-0.14287692890429365,-0.2614818142611503,-0.2617616463110955,-0.264237638179718,1.5,1.5,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998
+1017124323,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,1.1949550348939662,1.1940285783315254,1.1858683237228993,0.520723433648124,0.520862036046113,0.5220972474178729,0.947352579894434,0.9466705279284238,0.9407164210452088,1.1126663413516822,1.1117912983783134,1.1041094507747486,1.8610079375611293,1.8619126400376789,1.8700190869295483,1.5168059867495218,1.5171869658336965,1.5206370682060777,1.770765960721416,1.7716183366807987,1.779318384294424,1.8606620391279391,1.8616229617394715,1.8702691403098104,-1.3994913188714273,-1.3988567932603948,-1.3931083451776018,-1.0143232179093005,-1.0161932938996208,-1.03234317002751,-1.2462644401073968,-1.2467151759488349,-1.2505583561104776,-1.3692242112128992,-1.368835442513645,-1.3653392711497765,-1.838554983315016,-1.836989739883276,-1.82297729144231,-1.57023376972815,-1.5657299775407745,-1.5226079439761346,-1.95575371260557,-1.9549451965924571,-1.9463983550529909,-1.9249503600777391,-1.9237416910208065,-1.9124479317105527,-0.8031872561860895,-0.8034366237691737,-0.805673730336069,-0.8466620745589384,-0.8477049312662546,-0.8569172881824189,-0.8601818525991689,-0.8609718175622889,-0.8678965584296517,-0.8440633495078711,-0.8445374076641309,-0.8486870048201403,1.3491384591492026,1.351607991765145,1.3735262992636663,1.225910129898422,1.2277088460955836,1.2436029293864037,1.2895198425944974,1.291692205193156,1.3109564384386352,1.326108179534028,1.3284714831456068,1.349445618370409,-0.9432374271578112,-0.9414700147222906,-0.9256474230628662,-0.124749456420073,-0.12570181507869715,-0.13377129206885646,-0.7396211534958624,-0.7380984995607122,-0.7245108593853067,-0.895449935679356,-0.8936440020976306,-0.8775191945411195,0.3943453885791125,0.3927160516242312,0.3782039610456709,0.7219889523566926,0.7221969573789615,0.7245531452764301,0.5523522369006777,0.5514975354961064,0.5441424713892969,0.4533706558149819,0.4520099115187776,0.4399849864405767,0.14163516053689934,0.1414076249880771,0.13936716555347162,0.019468965576484185,0.01986248741088321,0.02332437314181059,0.07232040404398442,0.07246799418871809,0.07374774523042849,0.11244825496104964,0.11238609413792232,0.1118086566319788,-0.11368724793820904,-0.1132369286348253,-0.1092150019926062,0.7920324022709475,0.7923741594248918,0.7954089321938207,0.4284157147191716,0.4286793134889306,0.4308799909043203,0.09715699651889913,0.09749088944983668,0.10033192616943146,0.1624842830099639,0.16416242101734227,0.17962269926294375,1.397838886948522,1.4006422831802026,1.4257510368470503,0.8777678095578414,0.8800525073123379,0.9007392871376948,0.4287480414074771,0.4306619969703413,0.44818392612246505,-0.10343171661144594,-0.10123743680042964,-0.08162167966838621,0.8460837499700616,0.8454656520835274,0.8396026863844114,0.4689596102917842,0.4695269122804674,0.4744360245934722,0.008333220436979375,0.01036366269501745,0.028403708751414673,-0.4744811883993834,-0.475506144461308,-0.4845602849739977,-0.3856455047054203,-0.3854200959984829,-0.383492539416418,-0.469567874976065,-0.4699453735458051,-0.4733872486535742,-0.480439297756546,-0.4812047955223882,-0.4880111858258401,-1.4388433744443037,-1.4405046025283947,-1.4547677303916575,-1.7362166289500016,-1.7387239180014198,-1.7609148871185123,-1.6974751428833856,-1.7000776353147422,-1.72272348619651,-1.5522467429427218,-1.554255416494135,-1.5715376299174406,0.4328165388762833,0.4343221371201764,0.4477794987435376,0.6794233024774097,0.6805284691865502,0.6903234972602265,0.570947205973359,0.5723295110688985,0.5846186087442421,0.4891457804566752,0.4906231763771022,0.5037992698007067,-0.924244303951979,-0.9238393111393576,-0.920194008974014,0.2659905605480428,0.2659383735379886,0.26547009715668146,-1.6486926673363398,-1.6485527915095743,-1.6472869419510332,-1.037604413096966,-1.0371879256503855,-1.0334361932047285,1.108339455869881,1.105930743508729,1.0831045787232656,1.2312621559009398,1.230402961572729,1.2225436093880786,1.2949376669683117,1.2944480528739857,1.2899457019329177,1.352091012383254,1.3521034834422274,1.3522201582253162,0.2959706369774832,0.2964537572234434,0.30085080630962124,-0.22481734767851091,-0.22408379608334508,-0.21755879232796296,-0.0017420091368192535,-0.000652556911828553,0.008969278178195265,0.2179047767365414,0.2185156274693452,0.22399074175987774,-1.2751192326638932,-1.2738932680205959,-1.2628616640481842,-1.6351278235586393,-1.6354337416534424,-1.6381762982934642,-1.452493169353381,-1.4519870445440617,-1.447415447117831,-1.3434501026693413,-1.342480662904203,-1.3337420522308354,0.018006300790851273,0.0202320601094051,0.04030184478161883,-0.7602217489329886,-0.7610652434833408,-0.76869119596514,-0.5212147390135308,-0.5210808970328121,-0.5198650971401282,-0.24483537530862795,-0.2434805059633321,-0.2311762506855186,-1.3231817245394244,-1.3242651685514706,-1.3347025069324647,-2.3664010067499293,-2.3673591348664518,-2.3756407834272806,-1.9075099289916604,-1.908928655327376,-1.9216657579580647,-1.5496862105561808,-1.5509107073936823,-1.5623151979331258,0.012788347438230692,0.01392677825129076,0.02408078850860668,-0.6828279322138109,-0.6832448402975589,-0.6870221064041697,-0.4124830025260537,-0.4120269213486961,-0.40789098019990205,-0.16550103098042238,-0.16447463823724773,-0.15524670562189802,0.90965125279585,0.9090971657688968,0.9038361627102814,1.307135778752711,1.3072624712828282,1.3084622550123857,1.0944302680863824,1.0942783093336252,1.0927964831086967,0.9790805511528332,0.9786784330410458,0.9748361094518844,0.7327357839432738,0.7331494594034513,0.7367152215816941,0.7450015777884932,0.7456767419190746,0.7516382013009921,0.8034139866041035,0.8037991440482507,0.8071130855477882,0.7766728754765273,0.7770090906387435,0.7798856056294671,-0.5732494758455915,-0.572360565755908,-0.5644501128251707,-1.0125846082338703,-1.0137012112701786,-1.023891458200042,-0.834442752427894,-0.8346562551008256,-0.8366684623152016,-0.6883352544595873,-0.6878829279503996,-0.6838854854286045,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1015424102,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,0.34625110731678543,0.3476405734148637,0.3596765219032532,-0.10209052721610287,-0.10133478439929647,-0.09459309172153717,0.1675869775118371,0.1686806297195562,0.1782241593263984,0.2843890557388151,0.2856641043169373,0.29673095397680005,-0.22361666953911088,-0.22404335225838884,-0.2278786557398273,0.2722399783430751,0.2721635802325965,0.2714724651609465,0.06513280541205341,0.06487042269093476,0.06250067711431995,-0.10334067861650516,-0.10372525470652587,-0.1071913840176202,0.9331752042120848,0.9320429436929726,0.9220446079689002,0.1392201179041697,0.1415714437674697,0.16199781597385987,0.4745314468291755,0.4753890437332047,0.4828209833910106,0.7484057482403863,0.7479779069087353,0.744221896653942,0.22620237419950595,0.2254906032272801,0.2197757074278121,-1.7694947379372288,-1.7852247122549258,-1.9237509000160549,-0.7834588137733927,-0.7912996233920222,-0.8607943287201093,-0.1306000415233039,-0.13329509314342505,-0.15660367676953227,0.7722816157181711,0.7709345586459364,0.7593271880186006,1.4641668718925658,1.4638837670346505,1.4612535518768888,1.2664456079450137,1.2654401169785678,1.256474639080252,1.026687017589866,1.0252742759295743,1.0128979120274677,0.22096861440302729,0.22322552775102655,0.24336548125606186,0.2119944526407473,0.214055506555175,0.2323872304818018,0.2172089875899731,0.2193795451124907,0.23872529888670035,0.219694676913318,0.22192075227263888,0.2417780380092081,-0.5822369297391771,-0.582163610452638,-0.5824404676565036,-0.06414230854579045,-0.06784284297802844,-0.10061809611576558,-0.4508434068808418,-0.4520228456489882,-0.4631638038638041,-0.5509090839348822,-0.5511831995095627,-0.5545064942668931,0.20403019463197994,0.20339049429217665,0.1979526404897946,0.6554181329708672,0.6543901652710107,0.6453331807963094,0.4085479733970376,0.4077380007111285,0.4007649825013533,0.27853247823710553,0.2778258389607913,0.2717911792073584,1.4495601127037705,1.4488044909342164,1.441932296907106,1.794124242208336,1.7940470637152341,1.7932885291302094,1.701737593774282,1.7013212974619942,1.6975231605905277,1.576434886366063,1.575799732510811,1.570026029036361,-0.02247701993497848,-0.027451848165285245,-0.07181744000548689,-0.8040284508713137,-0.8040367294678354,-0.8040938711282927,-0.5092152947325871,-0.5117411456555749,-0.5342701699557908,-0.21669215066752612,-0.22083230999427086,-0.2576973621317721,-0.009744704965274818,-0.01072117156698685,-0.019498786914537103,1.7113439102005643,1.7091558869852883,1.689104479272949,0.947874044709703,0.9456844046985432,0.9258643960454068,0.3397173817297101,0.3382277807133137,0.3248248454641771,1.4804123924101942,1.4780808279407172,1.4570018733162522,-1.9411838601560343,-1.94138888650851,-1.94320700642943,0.6353065174132316,0.6344558299100351,0.6271245419609901,1.3451478051702337,1.3427570244865272,1.321326019201855,0.6111292886532299,0.6121228980134819,0.6206964371321683,1.117648482911636,1.1175884814505137,1.1170519781022137,0.9211505300255459,0.921284849242008,0.9223617771655238,0.7367278467495985,0.7373428509760799,0.7425878067231223,-0.8257613306688459,-0.8232494234289929,-0.8003105994009528,-0.2957111839063432,-0.2922553994642835,-0.26157959785235385,-0.6381245755681931,-0.6353574254932256,-0.6104019970536141,-0.7692963362587284,-0.7667195123713143,-0.7432695059579578,0.6263300277953265,0.6279802796000014,0.6426936281118205,0.7423045997451108,0.7435181396570001,0.7542919828084492,0.7071442587806829,0.7086428546034356,0.7219550523052144,0.6622065358467402,0.663816111554026,0.6781432958632685,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,1.108339455869881,1.105930743508729,1.0831045787232656,1.2312621559009398,1.230402961572729,1.2225436093880786,1.2949376669683117,1.2944480528739857,1.2899457019329177,1.352091012383254,1.3521034834422274,1.3522201582253162,0.22915143946881786,0.22958638279229074,0.2333996900379977,0.7691075231661394,0.7694880056199702,0.7728440020034129,0.7993329757727847,0.7987315887889174,0.7933616300241312,0.4771872284193266,0.4771702807547928,0.4769702137721515,0.19324726079311813,0.19416991363490171,0.20244622962412687,-0.03218644253705196,-0.032086754833854716,-0.03110682414676703,0.09857318930690574,0.0992328999529704,0.10521861108347184,0.1592313729395508,0.16007731824224042,0.16769539671271175,-1.179524528425037,-1.180666859740795,-1.1906173947773242,-0.15467397685884976,-0.15356818152819532,-0.14363828368758044,-0.5431774984469968,-0.5432732203901712,-0.5441387531968442,-0.9038686582547584,-0.9048732190156692,-0.9138292634259088,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,0.012788347438230692,0.01392677825129076,0.02408078850860668,-0.6828279322138109,-0.6832448402975589,-0.6870221064041697,-0.4124830025260537,-0.4120269213486961,-0.40789098019990205,-0.16550103098042238,-0.16447463823724773,-0.15524670562189802,0.3692631735913906,0.3700344916681183,0.37707666970775,0.26972293898070515,0.2696437638258978,0.26897175240097604,0.3327085465831936,0.3331928455141754,0.33767690520713617,0.3570045076640805,0.3576855196016306,0.3639328892647496,1.3511228775615685,1.3512104087779104,1.3519004120062923,0.9722119066302856,0.9733646607348654,0.9836248312968942,1.253914513780163,1.2543944164739032,1.2585647148167387,1.3413815566998244,1.341513265470316,1.3425926188891495,-0.7120833145292487,-0.7119398532845628,-0.7106642274368257,-0.6590425308339429,-0.6586000864076261,-0.6545471195838652,-0.6962212357255719,-0.6960164848578565,-0.6941567824827705,-0.7096598766209252,-0.7095164353534201,-0.7082284772048667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1095012035,0.08346881835752208,0.06822341612310162,-0.07779041588209562,-0.09440564609156923,-0.09044724784230944,-0.08303112423527187,0.07763063908067283,0.060073270197413924,-0.10923481195025167,0.08216779344324453,0.06639819530630016,-0.08617177047500006,-1.9756397182788836,-1.9743782543197996,-1.9632982707600717,-1.9145161241399329,-1.9145048497858677,-1.914441296752925,-2.011569815501624,-2.0105880380331054,-2.0020278850355333,-1.997928087554468,-1.9967373654524736,-1.9863052947328537,-0.2472998420348979,-0.24694831230300804,-0.24379055033116406,-1.3241992432384155,-1.324160960387175,-1.323820407809624,-0.9217540084693264,-0.9216062116621556,-0.9202774027877376,-0.5442406590064155,-0.5439461230123964,-0.5412934866927791,-0.7968993067842198,-0.7963525578318559,-0.7915802646117598,-0.2756888653269083,-0.2773309865075729,-0.2915659554342395,-0.5092960747953825,-0.5099242314237817,-0.5153926175900444,-0.6871594935638653,-0.6869911758066531,-0.6855613434576139,0.7133955738743853,0.7200740544526845,0.7772681346530649,-0.7704931312443357,-0.7620887984246957,-0.6861001514195166,0.0389385902770327,0.048782302781855885,0.13576040909089238,0.4886127012608993,0.4970372875117594,0.5700885172881797,0.6868944602771679,0.6877058879225192,0.6945456736919785,0.2933652410544324,0.2948295241391359,0.3075968464490769,0.4445395001729056,0.4460330421687779,0.458955781495334,0.5793372987618398,0.5805699884126166,0.5911136901170053,0.5741320377821675,0.5714560190848598,0.547317111767221,0.8012311912204209,0.7993960809145451,0.7827823816889913,0.6985218513298211,0.6962932780865699,0.6761439847721011,0.6266317214034229,0.6241389999398645,0.601629482150324,-0.5438976463427017,-0.543269952242536,-0.5375609916713064,0.4397133853262835,0.4396618298096204,0.4391985021361489,-0.1994996292426733,-0.19873024338385656,-0.19183668853649027,-0.44355456536240667,-0.4427769189192772,-0.4357671002846746,-0.19165680079412772,-0.18893768712075912,-0.1654148587438429,-0.3813407462811576,-0.37824312357821693,-0.35144267442711385,-0.2817103314553203,-0.2787393979270201,-0.25304522618445136,-0.22509235743651715,-0.22226654999386888,-0.1978238223937976,1.132720496636049,1.1338044393408813,1.1435805466211697,0.7783584620713234,0.7787364288125602,0.7822204692313357,0.9537902018716816,0.9544944146630914,0.960904607272808,1.065453933650731,1.0663797672823612,1.0747614879626797,-0.931186001559018,-0.9246318654071024,-0.8653899439511636,-0.8114126481130327,-0.8115530953818854,-0.812819625298948,-1.0035101887106777,-1.000109898127926,-0.969411787690808,-0.9965783062172836,-0.9909796082185156,-0.9403663272275702,-0.4325398980461809,-0.4309529788218044,-0.4164726191093206,-0.8355833259094507,-0.8327031749874437,-0.8065326561202542,-0.7284492436807765,-0.7257262096686881,-0.7009938592614267,-0.5539608771176707,-0.5518785462900316,-0.5329429401765442,-0.6061871696217714,-0.605966722600819,-0.6036175838087335,0.0983372515967304,0.09810815521843523,0.0960540362206494,-0.7634166568911682,-0.7625093940483054,-0.7542096869711704,-0.6511075372146733,-0.6507101048283691,-0.6467847765651424,-0.4744811883993834,-0.475506144461308,-0.4845602849739977,-0.3856455047054203,-0.3854200959984829,-0.383492539416418,-0.469567874976065,-0.4699453735458051,-0.4733872486535742,-0.480439297756546,-0.4812047955223882,-0.4880111858258401,2.206633474828936,2.2069697399249963,2.2092409916097564,1.9792047871004657,1.9783434885732,1.9709593860466683,2.275471512831871,2.276042358757888,2.2807287450752645,2.2619914725563657,2.2624623892150733,2.2659677440754042,-2.191194833854544,-2.191351822279501,-2.192643392079651,-2.905661902646565,-2.9054068313502204,-2.902874048504477,-2.626531405150597,-2.6265297177177427,-2.6262448554008797,-2.3751984443388245,-2.3753193813448,-2.3762112739366468,-1.8257103365058882,-1.8258179376735015,-1.8267807218820955,1.8584613428870869,1.858454024050184,1.8583882874929425,-1.3191026835155513,-1.3193109206416078,-1.3211912613177348,-1.7903718555130816,-1.79052157714964,-1.7918633692475865,0.16563732490455566,0.16855310237392712,0.19529849961496767,-0.8273375313905481,-0.8281669012965047,-0.8354538023266314,-0.7287386024616793,-0.7296033700841067,-0.737284643577427,-0.4863712475116901,-0.4865953898364291,-0.4884738692880378,-1.1665560046034298,-1.1660472126968802,-1.1613601010207977,0.07443822302033676,0.0728088770957507,0.05812730603299001,-0.6821822910832089,-0.6827261449176815,-0.6874679538587922,-1.124331130200065,-1.1235320168911376,-1.1163655180117715,0.5995613288888029,0.5995403404356552,0.5993358185282506,0.4336601948772314,0.4326976564786408,0.4238317438756909,0.5374499649714286,0.5371362119197678,0.5342457989681678,0.5785738236419968,0.5784650829581393,0.5774562533660149,0.29928564779441696,0.3008960309825032,0.31554710565215205,-0.02828141281174061,-0.029154956558223644,-0.03717457188800062,0.0909343280327226,0.09102538547160886,0.09185373489286934,0.20644007888575944,0.2074498987744648,0.2166953875785512,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,0.1765173676432574,0.1760866069234386,0.1723911315096897,0.7447532654373686,0.7453476131194781,0.7507258009615743,0.5418017522368703,0.5419156857744665,0.5430096551767266,0.33495203582001337,0.3346292141563766,0.3318366209615402,0.046743377167878894,0.04826736430560455,0.0622697348310166,-0.6115917399254419,-0.6120699224658284,-0.6163648304348298,-0.2340126276851704,-0.23327401623627375,-0.2263698889081045,-0.05490730172401634,-0.05364134159666641,-0.04194768790777531,0.7327357839432738,0.7331494594034513,0.7367152215816941,0.7450015777884932,0.7456767419190746,0.7516382013009921,0.8034139866041035,0.8037991440482507,0.8071130855477882,0.7766728754765273,0.7770090906387435,0.7798856056294671,-0.7518865651210547,-0.7514875257781457,-0.7479351959017914,-0.8382531773161757,-0.8382001609713343,-0.8377035546247954,-0.8160546089267949,-0.8159296724976095,-0.8148161795977109,-0.7838952575250011,-0.7836244843341684,-0.7812107115090209,1.5,1.5,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998
+1080889122,0.7518135401151469,0.7987821690915157,1.1261745373017926,-2.662593648617415,-2.7347411640735797,-2.983142099635288,0.4598422059405968,0.4456840890572357,0.19483087934990326,0.6835616948917316,0.7167449418193922,0.9103838267114563,1.1949550348939662,1.1940285783315254,1.1858683237228993,0.520723433648124,0.520862036046113,0.5220972474178729,0.947352579894434,0.9466705279284238,0.9407164210452088,1.1126663413516822,1.1117912983783134,1.1041094507747486,-1.0425685694903404,-1.0431907316072115,-1.0487624106439175,-0.34863504139063595,-0.34889218925933857,-0.3512168441680498,-0.6856085682481076,-0.6861619107821832,-0.6911562439657553,-0.909810526128764,-0.9104636880154118,-0.9163382021995584,-0.7968993067842198,-0.7963525578318559,-0.7915802646117598,-0.2756888653269083,-0.2773309865075729,-0.2915659554342395,-0.5092960747953825,-0.5099242314237817,-0.5153926175900444,-0.6871594935638653,-0.6869911758066531,-0.6855613434576139,2.146735194755454,2.1490902623417534,2.1688665473974322,0.4198247614516608,0.41610364411137263,0.3815748152766277,1.5459905434079284,1.5487969015107157,1.5723816075047468,1.9829714512124128,1.986101756229504,2.01259955144044,0.6868944602771679,0.6877058879225192,0.6945456736919785,0.2933652410544324,0.2948295241391359,0.3075968464490769,0.4445395001729056,0.4460330421687779,0.458955781495334,0.5793372987618398,0.5805699884126166,0.5911136901170053,-0.9072012303431479,-0.9051569362630916,-0.8867953367515427,-0.8019212246169272,-0.7995978329852335,-0.7788284684227996,-0.8551018674145511,-0.8529331149681748,-0.8335058406652344,-0.8867188257073921,-0.8846299786003289,-0.8658895423519931,0.538174503221882,0.5342909386146831,0.5000600066805669,-2.068289121039164,-2.066915771946727,-2.0548021216071186,-0.5271528557151781,-0.529546509735224,-0.5506281870808051,0.20654635389109596,0.20283585314237068,0.1701797530597077,-1.400683571159653,-1.398749172231982,-1.3818257769639517,-2.2618227103496027,-2.2605141312325383,-2.2490185496864123,-1.830104389563872,-1.828496834131016,-1.8145617754647512,-1.5631360496931719,-1.5613142527441009,-1.545439860296724,-0.9716349920246048,-0.9702456773193788,-0.9575324816943994,-1.3444969311781316,-1.3436794505858596,-1.3361790039020214,-1.2262239373330706,-1.2250944507592645,-1.2147667440397296,-1.0945448609291015,-1.0932378019358084,-1.0812882076989458,-1.8847513362111417,-1.8870403133456697,-1.9062390368970632,-1.7578322982101162,-1.7574359747739314,-1.753908708534451,-2.102551204182554,-2.103610814548864,-2.1128677331160803,-2.0454725534334712,-2.0472760393316114,-2.062483899621112,0.992892061362888,0.9927899147891434,0.9916912782230104,-0.8196285772832121,-0.8191439018755536,-0.814642955074023,0.14632893764737467,0.14678528148184802,0.15075178452383625,0.7143190183809057,0.7144095291336642,0.7150254735063772,-0.6061871696217714,-0.605966722600819,-0.6036175838087335,0.0983372515967304,0.09810815521843523,0.0960540362206494,-0.7634166568911682,-0.7625093940483054,-0.7542096869711704,-0.6511075372146733,-0.6507101048283691,-0.6467847765651424,-0.23416563683155414,-0.2325281902133695,-0.21805879832294572,0.28600494954818456,0.2855541614453413,0.28164737570663395,0.01093402770364593,0.01147990995896642,0.01630843677027584,-0.14664500560164045,-0.1453930945872608,-0.13435029560933098,-0.7178902442615773,-0.7220094364696908,-0.7584773253098722,0.19683950742361847,0.19505666222742948,0.17862051156790534,-0.33706137122588004,-0.34085265240682106,-0.3750374914836126,-0.5900629474560801,-0.5942206438921388,-0.6312665558866365,-0.6337240729933237,-0.6355253138098841,-0.6514941040482046,-0.08080695183254903,-0.08228828375993744,-0.09557825014073768,-0.3841748044074104,-0.3858210295244562,-0.4004847443435992,-0.5430405903765515,-0.5447844495490409,-0.5602668592706297,-1.8257103365058882,-1.8258179376735015,-1.8267807218820955,1.8584613428870869,1.858454024050184,1.8583882874929425,-1.3191026835155513,-1.3193109206416078,-1.3211912613177348,-1.7903718555130816,-1.79052157714964,-1.7918633692475865,-1.8201753282246675,-1.8218372724522411,-1.836319976721344,-0.6725499687284177,-0.6697263708927581,-0.6441865238472568,-0.8959896981818543,-0.8938872934944669,-0.8748338391792346,-1.3018574151220401,-1.3018291403405855,-1.301844584279656,1.7711632246139113,1.7715711010778494,1.775078581462461,0.4535880627553979,0.4564598610724454,0.4821749635141471,1.5167537078249569,1.5178743935342187,1.527648711628346,1.892370738993792,1.8921552970913889,1.8901719224444342,0.5995613288888029,0.5995403404356552,0.5993358185282506,0.4336601948772314,0.4326976564786408,0.4238317438756909,0.5374499649714286,0.5371362119197678,0.5342457989681678,0.5785738236419968,0.5784650829581393,0.5774562533660149,1.1856859320363702,1.1869955786374204,1.1985276084052885,0.24667328510486256,0.2455159879676621,0.23507467201844726,0.6093344393515717,0.6094717488381514,0.6107166624027408,0.9395181102225548,0.9406259892985132,0.9505592880192762,-1.759132834551456,-1.7593898830290249,-1.7618455627008232,-1.6265035093966915,-1.6252197008167197,-1.6136176806090787,-1.8233002462967125,-1.8232120165469985,-1.8223444207581372,-1.8034484826529995,-1.8036321099992207,-1.8053106021729104,-0.11127512852230503,-0.11180425217484327,-0.11638666781189172,0.67185466196652,0.6727796725580701,0.6811272770179436,0.3582293926047997,0.3583123851707933,0.35909175534817955,0.08281524671782428,0.08236409607924762,0.0784004030351669,0.3692631735913906,0.3700344916681183,0.37707666970775,0.26972293898070515,0.2696437638258978,0.26897175240097604,0.3327085465831936,0.3331928455141754,0.33767690520713617,0.3570045076640805,0.3576855196016306,0.3639328892647496,-1.14303840003222,-1.1416354203657408,-1.1293465227062538,0.055796913635055866,0.05502338817784273,0.047945423646756295,-0.5631042791632771,-0.5630065156428941,-0.5622901899013613,-0.9362767909008078,-0.9353202396836936,-0.9269923345915696,0.4775504263186817,0.4754298524125189,0.4566596044758293,1.3756896293056244,1.3769912209276016,1.3889474105852029,0.9975838418274005,0.997228760231242,0.9942489582554652,0.7026275668221279,0.7011681981144662,0.688279675413745,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1083305117,1.1801638414443782,1.3316520937429983,2.5925457398511416,0.9366762418448988,0.9901002381184952,1.1631687181278758,1.3976613185763016,1.596276619068559,3.1090810353976464,1.2326268244487282,1.3957837212071666,2.7426644569091745,0.21386610974748324,0.21481412518006446,0.2230820060877715,0.7762479825965507,0.776206484336972,0.7758360409928308,0.4582393582826759,0.4588208063038332,0.4638686908966324,0.3017898109695636,0.3026250465980325,0.30989663235980736,0.5953352304121187,0.5951040270904336,0.5930050991642629,0.8931149980767861,0.8932193497245315,0.8941617744899425,0.8158741790722142,0.8159027561640526,0.816157598194395,0.7031291688957534,0.70301317860236,0.7019554341643179,0.8191704781868465,0.8189655712951981,0.8172854266464114,-1.035624150360962,-1.032932394270198,-1.0090950464953141,-0.3518578939125651,-0.35011867269054364,-0.3346595937885824,0.3021874722845738,0.3026635418415867,0.307088260869468,0.07384710297508584,0.07241556996810428,0.060005524175789,0.6575788308982754,0.6578337277062247,0.6591865155139016,0.38875463816244654,0.3879513515355456,0.3806811277788064,0.18861457615068367,0.1872049289304718,0.17485143393275224,-0.8031872561860895,-0.8034366237691737,-0.805673730336069,-0.8466620745589384,-0.8477049312662546,-0.8569172881824189,-0.8601818525991689,-0.8609718175622889,-0.8678965584296517,-0.8440633495078711,-0.8445374076641309,-0.8486870048201403,1.5020075336666483,1.50119823722997,1.4937702641486894,1.3917767809795374,1.390593229005714,1.3799025709569483,1.450077410406026,1.4491187300081532,1.4404060619160173,1.4823763284786329,1.4815190324577572,1.47368435934952,-0.5438976463427017,-0.543269952242536,-0.5375609916713064,0.4397133853262835,0.4396618298096204,0.4391985021361489,-0.1994996292426733,-0.19873024338385656,-0.19183668853649027,-0.44355456536240667,-0.4427769189192772,-0.4357671002846746,-0.6332697039228149,-0.6328004997022587,-0.6287165147495244,-0.08449047702792689,-0.08354831447012719,-0.07507628319025753,-0.4188260118899301,-0.4181771223701681,-0.41240415164856414,-0.5603987785840203,-0.5598746657374382,-0.555273188578119,-0.6409159478837146,-0.641975378886245,-0.6516945157616203,-0.4582668692979917,-0.4593419398878764,-0.4691239344156898,-0.5504393560705129,-0.5515464299756351,-0.5616577357130335,-0.6076200252034469,-0.6087104144816639,-0.6186957940846232,1.1958701992374443,1.1968767407022105,1.2053747149703002,1.183473133984597,1.183706182839643,1.1857900702200057,1.3761877196543066,1.3769050112918009,1.3833087439613705,1.314578886320612,1.3154497716322098,1.322888894322212,0.992892061362888,0.9927899147891434,0.9916912782230104,-0.8196285772832121,-0.8191439018755536,-0.814642955074023,0.14632893764737467,0.14678528148184802,0.15075178452383625,0.7143190183809057,0.7144095291336642,0.7150254735063772,-1.0527585426540194,-1.0550775660087734,-1.0760222350903128,0.6490605379138012,0.6512569667262942,0.6717227393521427,-0.9802338165125559,-0.9817369344937644,-0.9954623439684098,-1.0618934530257886,-1.063979536224782,-1.0828211358336055,-1.2995321805494169,-1.3002051449451724,-1.3057900077135256,-1.7955452574713229,-1.795740778484315,-1.7974096509865054,-1.662736683382805,-1.6626208901883268,-1.6614149476430375,-1.4562572939492286,-1.4565163867849826,-1.458493817208831,-0.7178902442615773,-0.7220094364696908,-0.7584773253098722,0.19683950742361847,0.19505666222742948,0.17862051156790534,-0.33706137122588004,-0.34085265240682106,-0.3750374914836126,-0.5900629474560801,-0.5942206438921388,-0.6312665558866365,0.4789784882911754,0.4780090054491101,0.46926213981942294,0.2807605074567317,0.27990232144514937,0.2722405417615426,0.3989582492347018,0.3979806957991321,0.389199806131992,0.4520587531163224,0.4510749277182711,0.442211290589102,-0.09003921632907005,-0.09050398756814336,-0.09468416984937206,0.7664879632781166,0.7665360842676692,0.7669678403393978,0.9158578431610336,0.9156022800420144,0.9132917967745136,0.042953382256365163,0.04245371612280782,0.03795654362273605,-0.7437205942936211,-0.7383543096826289,-0.687756961912168,-0.8293107477572529,-0.8301680899993523,-0.8383432660920982,-0.8717648304492784,-0.8721649035501007,-0.8760884178171747,-0.9093978265033892,-0.9086484368436626,-0.9016715611354624,-1.153890058547915,-1.1534308387627978,-1.1493432331983766,1.0520992041530932,1.0502452074306368,1.0335471602360533,0.15587314393217702,0.15372721752251295,0.13477424755437134,-0.7921010748794206,-0.7919399916295766,-0.7905405970988647,-3.04655466800857,-3.047241158598457,-3.053226529242495,-2.6650737397154614,-2.664764041961372,-2.6619044191339105,-2.93130760759822,-2.9320523818711464,-2.938700352101627,-3.01304836843492,-3.0138272191373576,-3.0206966094728034,1.466965279039936,1.4676595495105185,1.4737728692758214,0.9786136212261108,0.9774262748927792,0.9665912960955868,1.2214835063978249,1.2215780313425724,1.2224354944357383,1.3907935644169422,1.3915563940363105,1.3984309262833459,-2.195083944563488,-2.1945145975065787,-2.1889886184691805,-0.8866060120434549,-0.8830802667669875,-0.8515945777908763,-1.7390905636017642,-1.7374953777666209,-1.7230230835582088,-2.0572107547498173,-2.0563535126047587,-2.048306006412696,-1.1503729912309173,-1.1496321106042648,-1.1430628170827846,-0.9774597879084908,-0.9765402667332492,-0.968316140676344,-1.1544212893723385,-1.1540902612885418,-1.1512258253402792,-1.184553886935103,-1.1840461571323104,-1.1795514197409895,0.3692631735913906,0.3700344916681183,0.37707666970775,0.26972293898070515,0.2696437638258978,0.26897175240097604,0.3327085465831936,0.3331928455141754,0.33767690520713617,0.3570045076640805,0.3576855196016306,0.3639328892647496,-1.2786150879178608,-1.280175695298397,-1.2936987861679572,-0.5543665212515158,-0.5571686993369198,-0.5821650199111291,-0.97940740296643,-0.9817575240436058,-1.002416725323792,-1.1867425162966991,-1.188565191100465,-1.2044417882488279,0.2399561248469936,0.2418832686644358,0.2588154915033055,-0.4405971174963104,-0.440414738223658,-0.4389033585530391,-0.1420207936442951,-0.14085890787949593,-0.1306160677468626,0.07824262109308906,0.07993337430011019,0.09483400641737573,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1068195816,0.08346881835752208,0.06822341612310162,-0.07779041588209562,-0.09440564609156923,-0.09044724784230944,-0.08303112423527187,0.07763063908067283,0.060073270197413924,-0.10923481195025167,0.08216779344324453,0.06639819530630016,-0.08617177047500006,-1.7836720462549944,-1.7852983093225294,-1.79937100775905,-1.947925258553248,-1.9474655551465367,-1.9432582024780012,-1.9088548589244756,-1.9094781748576808,-1.9147473578265328,-1.8367725045829768,-1.838035392911332,-1.8489103854609532,1.7941537980758169,1.7941033644275497,1.793493483994831,0.9570409831198544,0.9570201267045708,0.9568249278625192,1.3981988700099497,1.3983618955683792,1.3997767491565405,1.6601528735261089,1.6602659037682,1.6611735224890096,0.9331752042120848,0.9320429436929726,0.9220446079689002,0.1392201179041697,0.1415714437674697,0.16199781597385987,0.4745314468291755,0.4753890437332047,0.4828209833910106,0.7484057482403863,0.7479779069087353,0.744221896653942,0.07384710297508584,0.07241556996810428,0.060005524175789,0.6575788308982754,0.6578337277062247,0.6591865155139016,0.38875463816244654,0.3879513515355456,0.3806811277788064,0.18861457615068367,0.1872049289304718,0.17485143393275224,0.6868944602771679,0.6877058879225192,0.6945456736919785,0.2933652410544324,0.2948295241391359,0.3075968464490769,0.4445395001729056,0.4460330421687779,0.458955781495334,0.5793372987618398,0.5805699884126166,0.5911136901170053,-0.9072012303431479,-0.9051569362630916,-0.8867953367515427,-0.8019212246169272,-0.7995978329852335,-0.7788284684227996,-0.8551018674145511,-0.8529331149681748,-0.8335058406652344,-0.8867188257073921,-0.8846299786003289,-0.8658895423519931,-0.5438976463427017,-0.543269952242536,-0.5375609916713064,0.4397133853262835,0.4396618298096204,0.4391985021361489,-0.1994996292426733,-0.19873024338385656,-0.19183668853649027,-0.44355456536240667,-0.4427769189192772,-0.4357671002846746,-0.6332697039228149,-0.6328004997022587,-0.6287165147495244,-0.08449047702792689,-0.08354831447012719,-0.07507628319025753,-0.4188260118899301,-0.4181771223701681,-0.41240415164856414,-0.5603987785840203,-0.5598746657374382,-0.555273188578119,-1.3018181380037344,-1.302308935279214,-1.306720189261859,-1.2808266484854811,-1.2809476659377064,-1.2820995172036185,-1.3290665456156403,-1.3293336506046365,-1.3317906708975715,-1.3275852824111147,-1.3279709447809556,-1.3314684165571349,-0.27264630844431403,-0.2692892983041951,-0.23932859194468326,-0.21741795820798895,-0.217863083719652,-0.22183997537140468,-0.28135864743341044,-0.2798416282251538,-0.2662790379465951,-0.2868422668044291,-0.2840738412912354,-0.25934427561603896,-0.6047688860214196,-0.6058365714061333,-0.6155941052868014,-0.5220783026574085,-0.5241895711823581,-0.5431792136943555,-0.6583430085289149,-0.6600943122824827,-0.6758687503537149,-0.6429915367954379,-0.6443127625470593,-0.6563020208348322,1.9831678454205195,1.9828101137411065,1.9789977774566,-1.1934373617827028,-1.1940313896434178,-1.1996583562656682,1.8676827845961843,1.8664921362388087,1.8557702535256329,2.0045885628218865,2.003830792009914,1.9965145045184118,-0.5288267054565661,-0.5270635475290351,-0.5113551278727769,-0.2175306764396375,-0.2181317965853126,-0.22332302128268272,-0.41519768958447534,-0.4144756316990768,-0.4079871700116752,-0.4951514328133125,-0.49371866289533006,-0.4809512353889704,-0.7178902442615773,-0.7220094364696908,-0.7584773253098722,0.19683950742361847,0.19505666222742948,0.17862051156790534,-0.33706137122588004,-0.34085265240682106,-0.3750374914836126,-0.5900629474560801,-0.5942206438921388,-0.6312665558866365,-1.4415695727959916,-1.4395636957462885,-1.4214536113683387,-1.3057451299524383,-1.303600766983653,-1.2843400912555571,-1.4284872673308218,-1.4263031206427477,-1.4066048957927395,-1.4478402838766438,-1.4457508043645781,-1.4268846439206782,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,-0.8774731972593423,-0.8844596313174393,-0.9485138976130464,1.3860497185630705,1.3888434919764754,1.4138108878674531,1.1276865712481363,1.1301641294636255,1.1523965063311097,0.5366048447729043,0.5368697329380709,0.5388494432336981,1.7711632246139113,1.7715711010778494,1.775078581462461,0.4535880627553979,0.4564598610724454,0.4821749635141471,1.5167537078249569,1.5178743935342187,1.527648711628346,1.892370738993792,1.8921552970913889,1.8901719224444342,0.28245686668570424,0.2803362338048206,0.26130100971972303,1.0891006729260493,1.0905902878491092,1.1041741306059767,0.6373200267512364,0.6365725286980675,0.6298691040768022,0.4127869648737948,0.4111165673844437,0.3961049843634367,-1.3541147080025115,-1.3543097195508982,-1.3558450443269028,-0.8790517158213328,-0.8780786472896535,-0.8692415849330489,-1.1106588368168702,-1.1106630840321428,-1.1106981861945948,-1.2755683174278518,-1.275992907044251,-1.2797532179942317,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,2.0308878681532807,2.028308148387276,2.004707166048491,2.2394971487184705,2.237952361161084,2.223834796899665,2.3530997192585854,2.351834139276796,2.3400969322653125,2.2235856927136863,2.221524850092835,2.202508572993465,-2.0939867150417584,-2.0944500856185098,-2.0984822210458294,-1.824892363966072,-1.8248216780253248,-1.824163237983631,-2.013001775097821,-2.0135898487094948,-2.01896376454479,-2.0702582445669697,-2.07082438881983,-2.0758812873655588,0.7327357839432738,0.7331494594034513,0.7367152215816941,0.7450015777884932,0.7456767419190746,0.7516382013009921,0.8034139866041035,0.8037991440482507,0.8071130855477882,0.7766728754765273,0.7770090906387435,0.7798856056294671,-0.7518865651210547,-0.7514875257781457,-0.7479351959017914,-0.8382531773161757,-0.8382001609713343,-0.8377035546247954,-0.8160546089267949,-0.8159296724976095,-0.8148161795977109,-0.7838952575250011,-0.7836244843341684,-0.7812107115090209,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1088015920,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,0.21386610974748324,0.21481412518006446,0.2230820060877715,0.7762479825965507,0.776206484336972,0.7758360409928308,0.4582393582826759,0.4588208063038332,0.4638686908966324,0.3017898109695636,0.3026250465980325,0.30989663235980736,-0.2904708090244237,-0.29185262786851834,-0.3044042586745447,-0.28752502528659224,-0.28800325889652945,-0.29233967518261217,-0.307434285299413,-0.3083860184214851,-0.3170409580235642,-0.3038498442183355,-0.3050823126777977,-0.31628700183842123,-0.17615569431705236,-0.17686823858482406,-0.18315227794310648,0.1498705841300004,0.1499409939527584,0.1503737542077618,0.027328173731759643,0.027090792104059173,0.024871602230062958,-0.08730009350835005,-0.08777158526888056,-0.09199186935568032,0.07384710297508584,0.07241556996810428,0.060005524175789,0.6575788308982754,0.6578337277062247,0.6591865155139016,0.38875463816244654,0.3879513515355456,0.3806811277788064,0.18861457615068367,0.1872049289304718,0.17485143393275224,-2.418961493175333,-2.419636899415716,-2.4251006680782727,-1.731337682279835,-1.7338091223118448,-1.7553678649452382,-2.037385871279789,-2.039697469126147,-2.059607864035113,-2.27122070439553,-2.2727882812784514,-2.286020493476613,-0.9072012303431479,-0.9051569362630916,-0.8867953367515427,-0.8019212246169272,-0.7995978329852335,-0.7788284684227996,-0.8551018674145511,-0.8529331149681748,-0.8335058406652344,-0.8867188257073921,-0.8846299786003289,-0.8658895423519931,-1.376340146229001,-1.379936188254697,-1.4113077379166177,-2.379126581323829,-2.3788435647973656,-2.3761944237332937,-2.0539490087966144,-2.055264780172462,-2.066673322110121,-1.6191712362457902,-1.6221690964490625,-1.6482609734426634,0.20403019463197994,0.20339049429217665,0.1979526404897946,0.6554181329708672,0.6543901652710107,0.6453331807963094,0.4085479733970376,0.4077380007111285,0.4007649825013533,0.27853247823710553,0.2778258389607913,0.2717911792073584,0.0061068141631373096,0.0050879306669257,-0.004155057908223778,0.4938286281463712,0.493236910366645,0.4878646387847813,0.300350644114658,0.2995196526686402,0.2919847444625284,0.1364013489938993,0.1354426935919337,0.1267489558472479,-0.11368724793820904,-0.1132369286348253,-0.1092150019926062,0.7920324022709475,0.7923741594248918,0.7954089321938207,0.4284157147191716,0.4286793134889306,0.4308799909043203,0.09715699651889913,0.09749088944983668,0.10033192616943146,-0.6047688860214196,-0.6058365714061333,-0.6155941052868014,-0.5220783026574085,-0.5241895711823581,-0.5431792136943555,-0.6583430085289149,-0.6600943122824827,-0.6758687503537149,-0.6429915367954379,-0.6443127625470593,-0.6563020208348322,-1.5555139956643451,-1.559806851809163,-1.5980181392306605,-0.09868596045952996,-0.09610053013879817,-0.07182591081161935,-2.2126100836955085,-2.213773240822537,-2.2241080555330535,-1.7213342106774416,-1.7250533037481683,-1.7580096211501626,0.6111292886532299,0.6121228980134819,0.6206964371321683,1.117648482911636,1.1175884814505137,1.1170519781022137,0.9211505300255459,0.921284849242008,0.9223617771655238,0.7367278467495985,0.7373428509760799,0.7425878067231223,-0.6983581981725824,-0.6955182882163846,-0.6696079130217052,-0.1816264946110561,-0.17820377539956195,-0.14772030815236173,-0.5068369181260614,-0.5038431319088664,-0.4767799459325932,-0.6387295590989848,-0.6358542071704387,-0.6096817526111561,0.6263300277953265,0.6279802796000014,0.6426936281118205,0.7423045997451108,0.7435181396570001,0.7542919828084492,0.7071442587806829,0.7086428546034356,0.7219550523052144,0.6622065358467402,0.663816111554026,0.6781432958632685,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,-1.8201753282246675,-1.8218372724522411,-1.836319976721344,-0.6725499687284177,-0.6697263708927581,-0.6441865238472568,-0.8959896981818543,-0.8938872934944669,-0.8748338391792346,-1.3018574151220401,-1.3018291403405855,-1.301844584279656,0.21648549341330312,0.2169700088582084,0.22138282221557676,-0.20855345796661695,-0.20794832471491595,-0.2025758521996503,-0.03872245924260126,-0.037721773651277116,-0.028880571389032345,0.1449571730986823,0.145578255493232,0.1511452928592446,0.5855258085733708,0.5856209427271839,0.5863579812417234,0.5161052080612841,0.5165736013374513,0.5208327772997262,0.5650681063357896,0.565417921528121,0.5685199508592947,0.5797037550304811,0.5799051424711548,0.5816220926618579,-0.08868286663523997,-0.08678905095359021,-0.06971576653933585,-0.7677843460917536,-0.768465064647,-0.7746045187968109,-0.5658824676899112,-0.5657973158952615,-0.5650244961753754,-0.32441117032992195,-0.3232912226725474,-0.3131239343812653,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,-1.839034806336703,-1.8407384161190856,-1.8560363573622536,-1.5747014687390548,-1.5749496227274886,-1.576937067507996,-1.8529210267583331,-1.854837837642259,-1.872127727635345,-1.8967925295224637,-1.8987626191427156,-1.9164665723642864,1.1885240807176487,1.1908024595392959,1.21138163709972,0.8855746588700216,0.8846910095594309,0.8769975118694004,1.0783233187709431,1.0794919753314678,1.0903194436520365,1.1517704966100577,1.1536897111307614,1.1711500999899274,1.3511228775615685,1.3512104087779104,1.3519004120062923,0.9722119066302856,0.9733646607348654,0.9836248312968942,1.253914513780163,1.2543944164739032,1.2585647148167387,1.3413815566998244,1.341513265470316,1.3425926188891495,0.28848498600760303,0.287578408068,0.27962250426724233,0.5244390585150199,0.5238908667499879,0.5189543441407849,0.4283753191215909,0.4276411189424147,0.42111682195949773,0.3500095075277669,0.3491549654559105,0.3416140624690126,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1100001958,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,0.21386610974748324,0.21481412518006446,0.2230820060877715,0.7762479825965507,0.776206484336972,0.7758360409928308,0.4582393582826759,0.4588208063038332,0.4638686908966324,0.3017898109695636,0.3026250465980325,0.30989663235980736,-1.818349502452044,-1.8174337953905235,-1.8090324572046277,-2.00618427907617,-2.0061056602419187,-2.0053868861240582,-2.050669665078181,-2.050414437495972,-2.048049609810004,-1.956671188429102,-1.9560659316588964,-1.9504915052358545,0.4445879181501152,0.4426160806622079,0.4252757087255472,0.5754300335869091,0.5772129744130896,0.5923134638497631,0.5639524222589019,0.5641058156319001,0.5651358220501704,0.5125593065471652,0.5114480052688921,0.5015776047462533,-1.838554983315016,-1.836989739883276,-1.82297729144231,-1.57023376972815,-1.5657299775407745,-1.5226079439761346,-1.95575371260557,-1.9549451965924571,-1.9463983550529909,-1.9249503600777391,-1.9237416910208065,-1.9124479317105527,0.5612019397511816,0.5626481239676705,0.5753381399778222,0.5487169489469066,0.5512597884989361,0.5736604043177533,0.5720568342643595,0.5743122503359863,0.594096815814858,0.5755805921438925,0.5774265108750432,0.593580896397678,-1.6656615538277928,-1.6677133691068693,-1.6854795588788285,-2.100538722239984,-2.1040062714014383,-2.1344083686028767,-1.9065444116796484,-1.9094021030526183,-1.9343577342862293,-1.768055055876132,-1.7704511090658623,-1.7912851854038752,-0.5438976463427017,-0.543269952242536,-0.5375609916713064,0.4397133853262835,0.4396618298096204,0.4391985021361489,-0.1994996292426733,-0.19873024338385656,-0.19183668853649027,-0.44355456536240667,-0.4427769189192772,-0.4357671002846746,-1.0049965757335453,-1.0064209908190458,-1.0184582777303142,-1.2250638310975777,-1.2278808423833103,-1.2522426944629887,-1.1398460847115128,-1.142019435492867,-1.1607515667789463,-1.0595112140195493,-1.0612218637894406,-1.075824858695568,-1.2426916847721283,-1.2428850659616817,-1.24457692861779,-0.3957776060383577,-0.3969306046743363,-0.4070984726160798,-0.7701634571917233,-0.7709911337994201,-0.7782927455755301,-1.0466386728634025,-1.047124603027786,-1.0514076092684073,0.7343635581401652,0.7331870253284012,0.7229403970287497,-0.9749508347828176,-0.974771927944429,-0.9731464324820812,-0.20700719431228404,-0.20715941894312376,-0.20801022700197988,0.38937122616995534,0.3886417250331349,0.3826300366844495,1.5879162424190334,1.58790531462829,1.5877865965952749,1.4137936355747611,1.4142015562920929,1.4176407378932816,1.7525459908859926,1.7525639984628745,1.7524849309229578,1.6970279369060537,1.6969500723940372,1.6961523398053866,-0.10343171661144594,-0.10123743680042964,-0.08162167966838621,0.8460837499700616,0.8454656520835274,0.8396026863844114,0.4689596102917842,0.4695269122804674,0.4744360245934722,0.008333220436979375,0.01036366269501745,0.028403708751414673,-0.21392170349680345,-0.21257610247038208,-0.2005332856073594,-0.2922512698542662,-0.2927322010353177,-0.2968651334678736,-0.272018278381194,-0.2713906674005133,-0.26566592182393906,-0.23909014944308385,-0.2379687402865145,-0.22789482465986866,0.22531451242532766,0.2305324420750265,0.27798656322783943,0.6454875027797751,0.6486704990696697,0.677759542172581,0.44499859832939415,0.4496354965777375,0.4919799246948086,0.3078795753091568,0.3129192555359086,0.3588294591531556,0.6724919772102187,0.6716671479289351,0.664176269187706,0.3436418047244326,0.3428919919155992,0.3362090273097653,0.5351553020420257,0.5342940393336691,0.5265362496929642,0.6251195085063872,0.6242678628951949,0.6165553166516639,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,0.16563732490455566,0.16855310237392712,0.19529849961496767,-0.8273375313905481,-0.8281669012965047,-0.8354538023266314,-0.7287386024616793,-0.7296033700841067,-0.737284643577427,-0.4863712475116901,-0.4865953898364291,-0.4884738692880378,0.21648549341330312,0.2169700088582084,0.22138282221557676,-0.20855345796661695,-0.20794832471491595,-0.2025758521996503,-0.03872245924260126,-0.037721773651277116,-0.028880571389032345,0.1449571730986823,0.145578255493232,0.1511452928592446,0.5995613288888029,0.5995403404356552,0.5993358185282506,0.4336601948772314,0.4326976564786408,0.4238317438756909,0.5374499649714286,0.5371362119197678,0.5342457989681678,0.5785738236419968,0.5784650829581393,0.5774562533660149,-0.3699622136388057,-0.3674530218266884,-0.34496102740986906,-1.4997246822130017,-1.5003753515721172,-1.5061211428739507,-1.1780315347361647,-1.1779035983996826,-1.1767433282083732,-0.7756866245243094,-0.7742216274103444,-0.7609955726453352,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,0.012788347438230692,0.01392677825129076,0.02408078850860668,-0.6828279322138109,-0.6832448402975589,-0.6870221064041697,-0.4124830025260537,-0.4120269213486961,-0.40789098019990205,-0.16550103098042238,-0.16447463823724773,-0.15524670562189802,-0.17112490561306873,-0.16902818243266007,-0.14968282329478144,-0.7676899007913005,-0.7679749436310326,-0.7705187502104337,-0.4290131749199951,-0.4278926183052743,-0.4174426726944244,-0.2650715358246718,-0.2633073938377848,-0.24697033092238505,-0.6935205055268515,-0.6930028041560728,-0.6884670253554653,-2.031064526041773,-2.0293151606160937,-2.0134455165060587,-1.5117862362591383,-1.509752732707674,-1.4915772457498409,-1.0348115754956897,-1.0335280855746307,-1.0221477832937904,0.28848498600760303,0.287578408068,0.27962250426724233,0.5244390585150199,0.5238908667499879,0.5189543441407849,0.4283753191215909,0.4276411189424147,0.42111682195949773,0.3500095075277669,0.3491549654559105,0.3416140624690126,1.5,1.5,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998
+1095763790,0.14936912527468008,0.12095822731930075,-0.17268076929773035,-0.04023605722433383,-0.02504736856752557,0.042101712364466866,0.15592243064873862,0.1273147446440321,-0.16746939458020255,0.15105582906641274,0.12262086761044187,-0.1730474710119611,0.21386610974748324,0.21481412518006446,0.2230820060877715,0.7762479825965507,0.776206484336972,0.7758360409928308,0.4582393582826759,0.4588208063038332,0.4638686908966324,0.3017898109695636,0.3026250465980325,0.30989663235980736,-0.10595598810525246,-0.10296394884485552,-0.07588823657814732,-1.3796773214644098,-1.3792261975155238,-1.3751256080207837,-0.8916274754399389,-0.8900156099355974,-0.8753849586900202,-0.4480752954769893,-0.4455847986935586,-0.4230109111268074,-1.3994913188714273,-1.3988567932603948,-1.3931083451776018,-1.0143232179093005,-1.0161932938996208,-1.03234317002751,-1.2462644401073968,-1.2467151759488349,-1.2505583561104776,-1.3692242112128992,-1.368835442513645,-1.3653392711497765,0.07384710297508584,0.07241556996810428,0.060005524175789,0.6575788308982754,0.6578337277062247,0.6591865155139016,0.38875463816244654,0.3879513515355456,0.3806811277788064,0.18861457615068367,0.1872049289304718,0.17485143393275224,0.6868944602771679,0.6877058879225192,0.6945456736919785,0.2933652410544324,0.2948295241391359,0.3075968464490769,0.4445395001729056,0.4460330421687779,0.458955781495334,0.5793372987618398,0.5805699884126166,0.5911136901170053,0.3738376889204733,0.3728157732158522,0.3636094461410847,0.3778611037218626,0.3769398894653058,0.3686868720523467,0.3777665554015018,0.3768060699274878,0.36817492236408256,0.3759628258579231,0.3749683015847896,0.3660167789883189,1.3706170031081817,1.3709571746268439,1.3738067529258782,0.7505508456109488,0.7515896226602583,0.7605908042623238,1.3272965238387633,1.3269880270533811,1.3242084464928263,1.3821630247744787,1.3822280306721564,1.3826736262176966,2.3962741521510758,2.398400631192955,2.416954209283755,1.218476125589281,1.2186790153825249,1.2188743490621592,1.976279508447291,1.977832867372409,1.9907754234386048,2.2607139051397875,2.262686521455021,2.27970603586034,0.5164349624444319,0.5173465667644787,0.5256565787339587,0.5089178956410357,0.5092717299897692,0.5125979023929756,0.5277330385878781,0.528329991571542,0.5338422758810405,0.5268730930987882,0.5276505350806561,0.5347721902040988,0.9310883147171451,0.934956599773282,0.9690316529404124,0.14239119922576954,0.1418461499242102,0.13699521210720966,0.5898257207392896,0.5917597707653632,0.6091857754694814,0.8322020965486607,0.835464121118825,0.8644202102617695,-2.0302008454304885,-2.0295794650170813,-2.0237580026191324,-0.5380330512836472,-0.5377488442942481,-0.5350689147405867,-1.5331211898570658,-1.5326058034330188,-1.5276143941389781,-1.9112714322940143,-1.9106008379707555,-1.9042704345177532,1.4804123924101942,1.4780808279407172,1.4570018733162522,-1.9411838601560343,-1.94138888650851,-1.94320700642943,0.6353065174132316,0.6344558299100351,0.6271245419609901,1.3451478051702337,1.3427570244865272,1.321326019201855,2.815464302371568,2.8135350134240533,2.796449332990091,0.5946043290092352,0.5953856503004779,0.6022571928058775,1.9234064084485156,1.9228795993319523,1.918610514479676,2.5291568303412,2.527592309237789,2.513982681826835,0.4346045015520365,0.4346927083622728,0.434653423899178,-0.8950500359592726,-0.896362990189603,-0.907915152664684,-0.1680654327232216,-0.1681755462209964,-0.16933917138605595,0.22263176550183875,0.22278884870585464,0.22359770493348602,1.5916810495756744,1.5915433247081043,1.5900183836870505,0.6423279667460124,0.6420929266502363,0.6400593336638231,1.182091302876814,1.1817824211227204,1.178884356607583,1.447158096609196,1.4469343049855827,1.4446894404488335,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,1.108339455869881,1.105930743508729,1.0831045787232656,1.2312621559009398,1.230402961572729,1.2225436093880786,1.2949376669683117,1.2944480528739857,1.2899457019329177,1.352091012383254,1.3521034834422274,1.3522201582253162,0.6805909349292704,0.678065978112728,0.6555138571023268,-2.6667291572048972,-2.6661762302192056,-2.66089115970498,-1.8289916491701967,-1.8267488900379467,-1.8068231877362095,-0.2020323979926048,-0.20346182900391088,-0.21611101541576205,0.19324726079311813,0.19416991363490171,0.20244622962412687,-0.03218644253705196,-0.032086754833854716,-0.03110682414676703,0.09857318930690574,0.0992328999529704,0.10521861108347184,0.1592313729395508,0.16007731824224042,0.16769539671271175,1.2625239014920926,1.2598812883782315,1.2358517437909702,1.866678688375618,1.86699410253747,1.8698067751112653,1.7625885869595892,1.7625484902142057,1.7621841649241414,1.5444141078289018,1.5431504882172378,1.5315894976794282,0.5713349613666401,0.5713294363564628,0.5712679743870824,0.41396130308368384,0.4133519668400428,0.4078829939009033,0.5385691056195189,0.5383919410860617,0.5367711925074482,0.5664107720055814,0.56636177326032,0.5658927210758518,1.1759496861073788,1.1774856671068463,1.1912243940999985,-0.3881960765191309,-0.38994941386186893,-0.4057280721319956,0.32945528432023113,0.3300364185911496,0.33544386494047523,0.8535518249742584,0.8550968806578152,0.8690580084971938,0.09039034566959177,0.08832919789771891,0.06953119531831138,0.6912840588633944,0.6922152255492952,0.7004364955439614,0.3488154958986325,0.3479791795163329,0.3401539446637965,0.18431456220685624,0.18267424151191508,0.1676188987267065,0.5971590960576324,0.5946091844707952,0.5723629581199908,0.13483814290192164,0.13348465440431212,0.12152775774310667,0.3871108628009508,0.3850481356475388,0.3669865501253577,0.5262071500806358,0.5237641392219721,0.5024361519722085,3.0542983266132824,3.0551636257899046,3.0626545592399177,2.4983535519391755,2.4978536411380907,2.4930876685432644,2.799594274833629,2.800253646942376,2.8059835357060128,2.9641592649431496,2.9650924781692813,2.9732385776111148,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1009789151,-3.2938680204720097,-3.2345469136351235,-2.181693291006901,2.2366171567503264,2.1259143701799057,1.6492219310622225,-3.260144247868153,-3.18062520567288,-1.7456871342054257,-3.2889707387582505,-3.2262919945226938,-2.096324974574942,1.1949550348939662,1.1940285783315254,1.1858683237228993,0.520723433648124,0.520862036046113,0.5220972474178729,0.947352579894434,0.9466705279284238,0.9407164210452088,1.1126663413516822,1.1117912983783134,1.1041094507747486,0.5953352304121187,0.5951040270904336,0.5930050991642629,0.8931149980767861,0.8932193497245315,0.8941617744899425,0.8158741790722142,0.8159027561640526,0.816157598194395,0.7031291688957534,0.70301317860236,0.7019554341643179,-0.17615569431705236,-0.17686823858482406,-0.18315227794310648,0.1498705841300004,0.1499409939527584,0.1503737542077618,0.027328173731759643,0.027090792104059173,0.024871602230062958,-0.08730009350835005,-0.08777158526888056,-0.09199186935568032,-0.6428227074654485,-0.6420925339764301,-0.6357936821963943,0.062419884550277124,0.06873750643819057,0.12534903216582946,-0.36477133840300097,-0.3620559478288844,-0.3376294714281208,-0.5585647988250734,-0.5573273054284005,-0.5464040831433774,-0.8031872561860895,-0.8034366237691737,-0.805673730336069,-0.8466620745589384,-0.8477049312662546,-0.8569172881824189,-0.8601818525991689,-0.8609718175622889,-0.8678965584296517,-0.8440633495078711,-0.8445374076641309,-0.8486870048201403,0.17354334005877914,0.1741755273468447,0.17990178051494835,-0.04550898377669578,-0.045516301983933485,-0.04540863758429794,0.05701125947318239,0.057318861768405276,0.06020585995606386,0.1252939303124233,0.12579760322971442,0.13040407582631386,1.3706170031081817,1.3709571746268439,1.3738067529258782,0.7505508456109488,0.7515896226602583,0.7605908042623238,1.3272965238387633,1.3269880270533811,1.3242084464928263,1.3821630247744787,1.3822280306721564,1.3826736262176966,-0.6332697039228149,-0.6328004997022587,-0.6287165147495244,-0.08449047702792689,-0.08354831447012719,-0.07507628319025753,-0.4188260118899301,-0.4181771223701681,-0.41240415164856414,-0.5603987785840203,-0.5598746657374382,-0.555273188578119,-1.1071633383983666,-1.10656537164053,-1.1010547051560948,-0.8701372686082448,-0.8703050276300979,-0.8716387382590507,-0.9981936972623968,-0.998042792279342,-0.99652974480763,-1.0705917668962521,-1.0701812024817974,-1.0663479084836764,1.7485870683379543,1.7463515365455593,1.7252065948989697,1.74583624960975,1.7457734047309874,1.7452237695999788,2.0217516241691387,2.0205489823822202,2.0094775540646097,1.9259373992848436,1.9239346187871775,1.905118463658771,-0.6047688860214196,-0.6058365714061333,-0.6155941052868014,-0.5220783026574085,-0.5241895711823581,-0.5431792136943555,-0.6583430085289149,-0.6600943122824827,-0.6758687503537149,-0.6429915367954379,-0.6443127625470593,-0.6563020208348322,-0.10343171661144594,-0.10123743680042964,-0.08162167966838621,0.8460837499700616,0.8454656520835274,0.8396026863844114,0.4689596102917842,0.4695269122804674,0.4744360245934722,0.008333220436979375,0.01036366269501745,0.028403708751414673,0.2962242866934673,0.2976354529548289,0.3098745948667507,1.1923690763262649,1.192188885900519,1.1905940902874044,0.7779711188222646,0.7781998849434445,0.7800405289777879,0.4806665633793697,0.4815929283672642,0.4895313959940205,1.155557631734763,1.1531878744209771,1.1309438289809637,1.0380061004143477,1.0374175900392464,1.0316202460217334,1.1923483389342842,1.1910494366869244,1.1783468233268417,1.18481556098848,1.1828236213078502,1.1638687789642908,-0.6798860224082158,-0.6792121821388176,-0.67297674512409,0.31785584318812893,0.3183378639814633,0.3225047053579462,-0.2121858476687532,-0.21147221425468976,-0.20506594173134904,-0.5059535630361985,-0.5052362008902097,-0.498678880059025,-0.924244303951979,-0.9238393111393576,-0.920194008974014,0.2659905605480428,0.2659383735379886,0.26547009715668146,-1.6486926673363398,-1.6485527915095743,-1.6472869419510332,-1.037604413096966,-1.0371879256503855,-1.0334361932047285,0.16563732490455566,0.16855310237392712,0.19529849961496767,-0.8273375313905481,-0.8281669012965047,-0.8354538023266314,-0.7287386024616793,-0.7296033700841067,-0.737284643577427,-0.4863712475116901,-0.4865953898364291,-0.4884738692880378,-1.1665560046034298,-1.1660472126968802,-1.1613601010207977,0.07443822302033676,0.0728088770957507,0.05812730603299001,-0.6821822910832089,-0.6827261449176815,-0.6874679538587922,-1.124331130200065,-1.1235320168911376,-1.1163655180117715,0.19324726079311813,0.19416991363490171,0.20244622962412687,-0.03218644253705196,-0.032086754833854716,-0.03110682414676703,0.09857318930690574,0.0992328999529704,0.10521861108347184,0.1592313729395508,0.16007731824224042,0.16769539671271175,1.2625239014920926,1.2598812883782315,1.2358517437909702,1.866678688375618,1.86699410253747,1.8698067751112653,1.7625885869595892,1.7625484902142057,1.7621841649241414,1.5444141078289018,1.5431504882172378,1.5315894976794282,1.0072860713786715,1.006454150834017,0.9984110301554404,-0.32593619426955306,-0.32878746720968977,-0.3541401089172991,0.4543594229245708,0.4526753023056842,0.43744985530752,0.8201730441023997,0.8190831758658583,0.8088881253156366,0.012788347438230692,0.01392677825129076,0.02408078850860668,-0.6828279322138109,-0.6832448402975589,-0.6870221064041697,-0.4124830025260537,-0.4120269213486961,-0.40789098019990205,-0.16550103098042238,-0.16447463823724773,-0.15524670562189802,-2.0939867150417584,-2.0944500856185098,-2.0984822210458294,-1.824892363966072,-1.8248216780253248,-1.824163237983631,-2.013001775097821,-2.0135898487094948,-2.01896376454479,-2.0702582445669697,-2.07082438881983,-2.0758812873655588,-1.14303840003222,-1.1416354203657408,-1.1293465227062538,0.055796913635055866,0.05502338817784273,0.047945423646756295,-0.5631042791632771,-0.5630065156428941,-0.5622901899013613,-0.9362767909008078,-0.9353202396836936,-0.9269923345915696,-0.7518865651210547,-0.7514875257781457,-0.7479351959017914,-0.8382531773161757,-0.8382001609713343,-0.8377035546247954,-0.8160546089267949,-0.8159296724976095,-0.8148161795977109,-0.7838952575250011,-0.7836244843341684,-0.7812107115090209,1.5,1.5,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998,1.5,1.5000000000000002,1.5,1.5,1.4999999999999998
+1013750960,0.14936912527468002,0.12095822731930095,-0.1726807692977302,-0.04023605722433383,-0.025047368567525624,0.042101712364466866,0.15592243064873867,0.1273147446440321,-0.1674693945802027,0.15105582906641274,0.12262086761044187,-0.1730474710119611,-1.1269357907017024,-1.1279902494031373,-1.137106468940425,-1.2917021632757062,-1.292308029340458,-1.297750957613515,-1.2318042131190263,-1.2325981398242376,-1.239535623316723,-1.1696508019416003,-1.1706101713910972,-1.1789267979349056,0.08176028372902447,0.07963351788188107,0.060349263368350774,0.3305340255080941,0.3301406639781755,0.3265636497592449,0.2391566803717067,0.2379630680080045,0.2271120980365568,0.15155698057399572,0.1497847708028621,0.13369292837996247,-0.7968993067842198,-0.7963525578318559,-0.7915802646117599,-0.27568886532690834,-0.2773309865075728,-0.2915659554342393,-0.5092960747953826,-0.5099242314237818,-0.5153926175900444,-0.6871594935638653,-0.6869911758066531,-0.6855613434576139,0.07384710297508587,0.07241556996810428,0.06000552417578905,0.6575788308982752,0.6578337277062245,0.6591865155139018,0.3887546381624467,0.3879513515355456,0.3806811277788064,0.18861457615068364,0.18720492893047186,0.17485143393275224,-0.9288797767120756,-0.9284943877240226,-0.9248812640502252,-0.5913103666664641,-0.5912746669064546,-0.5908537303137424,-0.7326645185077151,-0.7326926093950804,-0.7327555241101277,-0.8478200561258185,-0.8476808852017041,-0.8462197985394679,-0.5540378069640078,-0.5569264449292585,-0.5828437062403837,-0.2126844860372536,-0.21425725862586345,-0.2284333172156103,-0.37378900367470297,-0.37601938199409535,-0.3960871547798336,-0.4797817812172872,-0.4824117309331031,-0.5060380982108772,-0.9432374271578112,-0.9414700147222904,-0.9256474230628662,-0.12474945642007307,-0.12570181507869718,-0.13377129206885646,-0.7396211534958624,-0.7380984995607122,-0.7245108593853067,-0.895449935679356,-0.8936440020976306,-0.8775191945411195,1.2316452871339072,1.2289070456186664,1.2048731162849895,1.4618975623554868,1.4601354371200992,1.4449626092629968,1.3797262221876454,1.3774126585774031,1.3573116055392147,1.2923019126361075,1.289710416217007,1.2670493542260544,1.0735940434044426,1.0743805700233486,1.0814372859771009,-0.10669058037580044,-0.10528063245081004,-0.09278057535620254,0.3948871134477646,0.3961518978578752,0.4074066819507666,0.7845073241030185,0.7855334255291914,0.7947006806739522,-1.1353097105336514,-1.1357959430574396,-1.14031590105673,-0.07812714857637615,-0.07875067501394746,-0.08433336456518663,-0.6601543846161485,-0.661047653749958,-0.6695029205413794,-0.9912831700905332,-0.9919687960909538,-0.9984641567072328,-0.6047688860214195,-0.6058365714061336,-0.6155941052868013,-0.5220783026574085,-0.5241895711823582,-0.5431792136943555,-0.6583430085289149,-0.6600943122824826,-0.6758687503537149,-0.6429915367954377,-0.6443127625470593,-0.6563020208348322,-0.6061871696217714,-0.605966722600819,-0.6036175838087335,0.0983372515967304,0.09810815521843526,0.09605403622064944,-0.7634166568911682,-0.7625093940483054,-0.7542096869711705,-0.6511075372146733,-0.6507101048283691,-0.6467847765651424,-0.2139217034968035,-0.21257610247038214,-0.2005332856073594,-0.2922512698542662,-0.2927322010353178,-0.2968651334678736,-0.27201827838119386,-0.2713906674005132,-0.26566592182393906,-0.23909014944308385,-0.2379687402865145,-0.22789482465986866,-0.4956386177573986,-0.4879627239836775,-0.4183038418539463,-1.2875686335938454,-1.2851100811591794,-1.2617758565138364,-0.9154151733281116,-0.9095894863301834,-0.8557060700180891,-0.6543042201774846,-0.647115517066087,-0.5814416148776488,0.6263300277953266,0.6279802796000014,0.6426936281118205,0.7423045997451108,0.7435181396570001,0.7542919828084492,0.7071442587806829,0.7086428546034356,0.7219550523052144,0.6622065358467402,0.6638161115540259,0.6781432958632685,0.8114268162248391,0.8114746389660009,0.8119025430587091,-0.8259828190609275,-0.8259795662445262,-0.8259503499968629,0.586267859340245,0.5863604091740479,0.5871961161412155,0.7957208246724807,0.7957873676220624,0.7963837196655938,0.16563732490455552,0.16855310237392726,0.1952984996149678,-0.8273375313905484,-0.8281669012965047,-0.8354538023266314,-0.7287386024616793,-0.7296033700841067,-0.737284643577427,-0.4863712475116903,-0.4865953898364291,-0.4884738692880376,0.22915143946881786,0.22958638279229074,0.2333996900379977,0.7691075231661394,0.7694880056199702,0.7728440020034129,0.7993329757727847,0.7987315887889174,0.7933616300241312,0.4771872284193266,0.4771702807547928,0.4769702137721515,0.17921174047768598,0.1802505159264304,0.1894683923375998,0.05025857064700085,0.05178919002495596,0.06589420927726836,0.12619133067126675,0.12751460956132366,0.13949276297459884,0.16036130432803508,0.16151737775525607,0.17186123600855488,-1.4608038754286026,-1.4613308306138937,-1.4658626556478571,-0.8866143129800976,-0.8854784684533127,-0.8751549077647199,-1.1553265654932503,-1.1553795028945923,-1.1558575852298418,-1.355144112449146,-1.3558036237534663,-1.3617009016899786,0.13538385135460865,0.13620472187890878,0.14412491861872448,1.1538588004369206,1.1554914008897754,1.1699060967191055,0.6227787883144671,0.6241085798664392,0.6360925297073764,0.3126484999087633,0.3136403706547817,0.3228973168360668,1.0518862101468431,1.0517546366807125,1.0507569377794996,0.9664865176611998,0.9660750989937604,0.9624213112901178,1.1001676794510846,1.1003757251106392,1.1024266004885568,1.101868102672505,1.1019356149743105,1.1027051171542588,1.0967343185149214,1.0920276756887508,1.048550154280331,1.4123088971485511,1.4123479423600005,1.412480791650322,1.2495323093166326,1.2469317700255258,1.2227282316767984,1.155073167338455,1.1511317209113667,1.1146282497941895,-0.6935205055268514,-0.6930028041560731,-0.6884670253554653,-2.0310645260417735,-2.0293151606160937,-2.0134455165060583,-1.5117862362591388,-1.5097527327076743,-1.4915772457498409,-1.0348115754956897,-1.0335280855746307,-1.0221477832937904,-0.7120833145292487,-0.7119398532845628,-0.7106642274368257,-0.6590425308339429,-0.6586000864076261,-0.6545471195838652,-0.6962212357255719,-0.6960164848578566,-0.6941567824827702,-0.7096598766209252,-0.7095164353534201,-0.7082284772048667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666669,-0.6666666666666666,-0.6666666666666667,-0.6666666666666666,-0.6666666666666665,-0.6666666666666666,-0.6666666666666669,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667
+1073111137,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,0.05402249010081165,0.054138685224624346,0.05491596025102581,-0.443903089046816,-0.4430902936163082,-0.4360495593519887,-0.105960093706434,-0.10566087301027416,-0.10324694614022163,0.0020611542387470178,0.002230711126742064,0.003484163304821852,-0.00840496878233653,-0.00719501828965893,0.003614796033461858,0.7639230355078153,0.7639056749113006,0.7636837885510251,0.3373998335011645,0.3382360521687852,0.3456530629986477,0.11435980594260545,0.11546635622711647,0.1253267827018003,0.11478314960800405,0.1131945107289338,0.09874776505148793,0.4277911523615909,0.4263572267155773,0.4133571627463569,0.3961089352505596,0.39435033974721795,0.3783890646978527,0.2882454667162646,0.28633694917161456,0.2690083212872029,0.21475559955773324,0.21146609824641224,0.1825510057887688,0.3812695767597253,0.3783968486702608,0.35297896350302665,0.4088025018595489,0.40544150401369816,0.37543418515317695,0.3392571516866042,0.33560260226239697,0.3030897779492558,-1.6607652984345225,-1.6617600040604554,-1.67051499595252,-2.018939846479842,-2.019595886335396,-2.025257065117902,-2.04393388856236,-2.0438642276338457,-2.0432664073857603,-1.8384764916870224,-1.8389725215993742,-1.843345437920221,2.029215930928502,2.0275356196397203,2.0118232290271103,1.7796438912234422,1.7781238992461907,1.7645649574974718,2.008559411461126,2.007115732664666,1.993791847502394,2.0526810838683,2.051150858289976,2.036836067272189,-0.6225353831671466,-0.6230821419514185,-0.6278612322196939,-0.4070950189732017,-0.4070923233808286,-0.40692434609921024,-0.5623480785768614,-0.5627413409516552,-0.5661347169584937,-0.6036259276135377,-0.6041252843500173,-0.6084763964299911,-0.4071457709238981,-0.409588337457028,-0.4317691938251924,-1.421984076096766,-1.4222125810356847,-1.4239721603651223,-0.6000944120114248,-0.6028374968780046,-0.6272622156694234,-0.4594723515483254,-0.4620211473908497,-0.4850387883461979,-1.3809599641621917,-1.3813416730093748,-1.3847398814067198,-1.2295754660179161,-1.2300324833273597,-1.2340135298984218,-1.3601640305137868,-1.3603346707046395,-1.3618897206324474,-1.3807067786001663,-1.3809830670280054,-1.3834627445535623,1.1894474184437998,1.1898925183990112,1.1939492401904706,0.3365436239502059,0.3345228136592406,0.316381712995927,0.9392248403035272,0.9386632617529762,0.9336075921372556,1.1303375842221592,1.1305662516408568,1.132675469848936,-1.9719960407199355,-1.9702841554614403,-1.9549008006086144,-1.7122374358927936,-1.7108702205466115,-1.697816631833144,-2.084916504390651,-2.0836391513590105,-2.0714919525120408,-2.0506385312303332,-2.0488827002015664,-2.0328833663174244,0.8616630014452005,0.861282131510456,0.8578199292769875,0.1289498660979635,0.12987344179101246,0.1380928580062162,1.2203474821786962,1.2199920237351192,1.2162158726785202,0.9739789183315188,0.9732798304861752,0.9669611343155208,1.1713850389430451,1.1685199428889366,1.1404304838770418,1.4071750649606103,1.4070614450478682,1.4059284429380026,1.4572412478848036,1.4570390948481264,1.4547732827552673,1.3627108413221405,1.3615341853348621,1.349603955472154,0.4099693395546485,0.4100464871966034,0.4107890578870299,0.19097388532169585,0.19320707365831166,0.212997426364518,0.3782138806249392,0.3796038320205612,0.3919451265842942,0.4091311529055999,0.4096505898537997,0.4142715524893451,-0.4933753686125635,-0.4953815759012141,-0.513617388239858,-2.183477895605032,-2.1839351385293004,-2.187935155077776,-1.2546698698697083,-1.2563817894288334,-1.2718031624482702,-0.7511759199217932,-0.7531741449617216,-0.7712870734968891,0.4696175175521862,0.469850781890837,0.4719327345980385,-0.6844213753635806,-0.6844566391131977,-0.684754675004545,-0.11721208770048835,-0.1170094160136568,-0.11517292830781045,0.3719820222831725,0.3723465107725486,0.3756077492501952,0.7568079684212987,0.7562697043022958,0.7511199438620111,-0.5907379402450443,-0.5876232304405943,-0.5598656972845404,0.04749435129383635,0.04923956040688037,0.06470878825661186,0.7036974739205631,0.7041816805561175,0.7083516155287546,1.0614307187022824,1.0612434828674833,1.0596300041891042,1.11773946720599,1.1187595937083372,1.1277352780241705,1.2921450154713203,1.2930488456912737,1.3006275584447076,1.3446192641200687,1.3440280887778313,1.3385268955278569,-0.2269113174880943,-0.2274288965699367,-0.2323330775784715,-0.6435161530566014,-0.644482426974185,-0.653383881680764,-0.6264279480103288,-0.6274451234411111,-0.6367823671728773,-0.5166391173097616,-0.5173414253163777,-0.5237956855127445,-1.2392781430666675,-1.2401794997896178,-1.248350359380502,0.3562541158680268,0.35638838312265364,0.3573169619376693,-0.6670352464955378,-0.6663445704597541,-0.6600998108627613,-1.1547324192482449,-1.1553702902638119,-1.1611128389205343,-0.7548958332327292,-0.7511962628712522,-0.718442620814326,1.5581055914415605,1.5576847710841288,1.553794505427455,1.2608470600576165,1.2583737225648064,1.2343220765563183,-0.5222329508016694,-0.5182564049891452,-0.4835988680617674,0.01023403646493958,0.0079494014660063,-0.01218906348206076,1.7590953775472868,1.7576834324408386,1.7447869978391812,1.2029547607795252,1.1998126563205824,1.1714584192400574,0.5584167434471876,0.5550155883851725,0.5247659743308128,0.6859281349731811,0.6872515806512854,0.6993736695059397,-0.2729637711656108,-0.274035055346381,-0.2839765363580921,0.3893967260089176,0.3903081385444777,0.39877374886611,0.6074310042097407,0.6087442276551545,0.6208647254766109,0.8925161730448884,0.8930504902194486,0.8976614829024818,-0.4206863301210997,-0.4195953890011407,-0.4090507701801283,0.8499044468397224,0.8492666868878558,0.8435542978372526,0.9009025934829912,0.901085978051168,0.9025619823936499,1.21168562544415,1.2122719998785094,1.217632003956834,-0.13320841347413792,-0.13662495073849368,-0.16755922347210908,0.5853369072394451,0.5846634786297761,0.5788164587323679,1.008963758252151,1.0092199687054648,1.0117091983015818,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1082744849,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,1.6058844280180706,1.606349946505507,1.6103511302854312,1.5928447299346065,1.5935090548759177,1.5991492095797266,1.627237753634529,1.6277065042867165,1.6316918988774365,1.6153868622772851,1.6158497281479498,1.6198127288416253,-0.6209589577971248,-0.6208502557504558,-0.619870819006236,-0.4254316021262085,-0.42537665986768464,-0.4248744775833143,-0.5721705623642631,-0.5720544297386675,-0.5710313163368479,-0.6097384888810102,-0.6096273679275744,-0.6086374540270669,0.9247819352149879,0.9248171741242812,0.925050389358738,0.0738055360293214,0.07452220624046081,0.08093592267387208,0.35294452230039863,0.35362357507343606,0.3596907008077687,0.7002905140439699,0.7006732572150314,0.7040373160192287,2.4682310583846885,2.4728437125194147,2.5117818576495408,0.5104629557919487,0.5133045364316077,0.5374449379516911,1.4584661380017157,1.4647394018701578,1.519052229092959,2.277906374806204,2.2855486658010484,2.351558339443556,-0.6785586745196559,-0.6783096323059055,-0.6760887514081395,-0.1519962212757864,-0.15285708451987018,-0.16043412706531832,-0.4814823692826821,-0.4815691391534581,-0.4823109685732623,-0.620949227905138,-0.6207415179903141,-0.6188955938779184,0.3546647929202108,0.3553396131338975,0.3613556251614406,0.31363302505938345,0.3140867610068077,0.31820602810597576,0.35251426434547883,0.3531477217330875,0.3588302051767088,0.3593625705136869,0.3600451056841382,0.3661399024809454,1.0645118664023776,1.065006472300443,1.0696318063528043,0.9794481430804431,0.9798995780412592,0.984078429585668,1.0458854424110609,1.0464042126912096,1.0512353026285324,1.0591546327362062,1.0596608523656508,1.0643877127229509,-1.232374549813802,-1.2329226077771982,-1.237568205946871,-0.6082643963790859,-0.6080005093329097,-0.6063269282915525,-1.227664420342413,-1.2278919895020652,-1.2295715206003297,-1.2335628322598169,-1.2340373964866789,-1.2379879327000802,-0.4636740581088453,-0.4624655567031311,-0.4517950112908939,0.55970883451814,0.5578015092020879,0.5411434059300669,-0.03527457068388925,-0.035151277795522726,-0.03401917960406356,-0.31215525516873405,-0.3112721426822335,-0.30347297895167485,1.1894474184437998,1.1898925183990112,1.1939492401904706,0.3365436239502059,0.3345228136592406,0.316381712995927,0.9392248403035272,0.9386632617529762,0.9336075921372556,1.1303375842221592,1.1305662516408568,1.132675469848936,-0.261345757041344,-0.2628524763870876,-0.276159825383198,0.18480302571921275,0.18235155119476332,0.16022619463855833,-0.07294668115885422,-0.07551217496142065,-0.09833877651104056,-0.19989757726686835,-0.20186255672795927,-0.21922232756322746,-0.16414756144731005,-0.16371597739063745,-0.15979987192442985,-0.6601078554117416,-0.6606773097212759,-0.6657304822406841,-0.7646841290156682,-0.7625136214876689,-0.7427926902753075,-0.2992827516998363,-0.2983848443315815,-0.29030690085694005,0.4334105351078501,0.4326574718571266,0.4261350803892869,0.5422277565907668,0.5423852598366818,0.5440814464223419,0.5545389915193725,0.5547437608797942,0.5570950204736443,0.5116159695831614,0.511492826018674,0.5108495844064902,-1.0736339153622758,-1.0747695934650383,-1.0848274415555528,0.4851883142803138,0.4843488196332901,0.4769056779688666,-0.5100127874222089,-0.5121368590766144,-0.5311434672179066,-0.9120768786923498,-0.9136955844307992,-0.928076318415744,2.1675120398378285,2.1678705367308218,2.171022637816768,1.3929210402105163,1.3932013463000066,1.3956806816579133,2.076232126204939,2.0761861711541574,2.075645896729734,2.165074186419152,2.1652879062888033,2.167107666976306,0.4696175175521862,0.469850781890837,0.4719327345980385,-0.6844213753635806,-0.6844566391131977,-0.684754675004545,-0.11721208770048835,-0.1170094160136568,-0.11517292830781045,0.3719820222831725,0.3723465107725486,0.3756077492501952,0.1286376070137449,0.12815521936473373,0.12383478297730845,0.4073026084327685,0.4061624443608665,0.39600371826792974,0.695636788609706,0.6942562346047358,0.6816718345621827,0.3064214989893566,0.3059717579774213,0.3019554307798886,0.015962916415918373,0.016656836193673155,0.02281722885233653,-0.5540454328441629,-0.5484817435085378,-0.4980591350267645,-0.4790991258682615,-0.4734833677802326,-0.4230850264177671,-0.2790095243856317,-0.274598385629203,-0.23590852860376274,0.7039834237886515,0.7034650201015279,0.6987840700120893,0.5687138224273386,0.5690184877491309,0.5718014612155,0.6766196134822954,0.6770872424999324,0.6812475607164101,0.7772430420198702,0.7774022032851996,0.7786034743220587,-0.7551969526099364,-0.7554698327763648,-0.7579386771800953,0.5752161091310036,0.5740887100922546,0.5638365893251366,-0.13037805531980926,-0.130376928861503,-0.1304312178814957,-0.6123780350683314,-0.6126064713546654,-0.6146608277929778,-0.11211391306148524,-0.11415112830146032,-0.13210884077388044,-0.3845214186525985,-0.3842224281977476,-0.3814612546319631,-0.9827779904985476,-0.9820501759938884,-0.9749076042154532,-0.23684317853422876,-0.2389172175822223,-0.2569142636485065,1.047691442781552,1.0475789523030972,1.0464918832331562,0.9226339831531132,0.9241775247817648,0.9379762701281086,1.0704938992957609,1.071691573010834,1.0821895878190606,1.1003628881105905,1.1007317193364967,1.1038051184911426,-0.225358426546848,-0.22464377605140212,-0.2189753361774738,1.203324819968307,1.2006654272523467,1.1772918584059244,0.38128671558982496,0.3807151554281313,0.3755283190475445,-0.03946927094776445,-0.03926556468352788,-0.0380240506757127,-0.3097668730645659,-0.3091244100319787,-0.30339777260984024,0.5738378117251829,0.5733778066288682,0.5683807912326945,-0.04946405972626225,-0.04993442545452053,-0.05398585994836423,-0.2590424424748967,-0.2584625085044681,-0.2533376663480533,-1.0521926300356257,-1.0523267884915422,-1.0535499580527214,-0.5083035570843594,-0.5072979636806182,-0.4980622843107169,-0.881625535903772,-0.8816024408744195,-0.8814114817823303,-1.0221303427804924,-1.0221884113059014,-1.022747864575945,2.0,2.0,2.0,2.0000000000000004,2.0,2.0,2.0,2.0,2.0,2.0,2.0,2.0000000000000004
+1032068275,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,-0.03711839115040785,-0.03689578703052919,-0.034709735925863315,0.5077142015449981,0.5072262143297621,0.503018281869143,0.1382854611536056,0.13832911207330809,0.13891195599854664,0.019886862906117943,0.020058510143991286,0.02178885361218253,0.3952890004919996,0.3954665629728476,0.3970289109021255,0.21439189776341647,0.21398735623214452,0.21030990893154589,0.338927356186601,0.33883180627333337,0.3379444244200616,0.37915701868115065,0.37923883267799197,0.3799434362122204,0.9247819352149879,0.9248171741242812,0.925050389358738,0.0738055360293214,0.07452220624046081,0.08093592267387208,0.35294452230039863,0.35362357507343606,0.3596907008077687,0.7002905140439699,0.7006732572150314,0.7040373160192287,0.21475559955773324,0.21146609824641224,0.1825510057887688,0.3812695767597253,0.3783968486702608,0.35297896350302665,0.4088025018595489,0.40544150401369816,0.37543418515317695,0.3392571516866042,0.33560260226239697,0.3030897779492558,0.4821173497366826,0.4816195579549953,0.4772035024992633,-0.22139250376502448,-0.22049067584323506,-0.21253046054519856,0.16899206542674644,0.16911012145738033,0.170119880810763,0.3774437751487611,0.3770953172685021,0.3740056250694581,0.4855014576267566,0.4827501318632623,0.4577253127662378,0.69995874813614,0.6979729979265136,0.6799279301426173,0.6351941189024247,0.6328077541254121,0.6110194766108077,0.5543080321636096,0.5516839508361028,0.5277538868895271,-0.2761434188491238,-0.27757006410176144,-0.29005320620684844,0.24839533643727765,0.24833431734737865,0.2480653889815526,-0.1218249793803516,-0.12282282889533863,-0.1314558668494239,-0.22691106275029235,-0.2282001233753116,-0.23944722773719146,-0.25423044428957303,-0.2535375240829637,-0.24706454466191466,0.6816424660613182,0.6814462666506448,0.6792576492302513,-0.1246874294300242,-0.12367604780228038,-0.11458553810627392,-0.2201462137417604,-0.21935758783964665,-0.2120828131929953,1.728755673577956,1.7288518228791228,1.7296633155065644,1.4731488920330795,1.473343739689084,1.4747921202747545,1.6740822314513557,1.6738942123491312,1.6721653991628689,1.7181470887967034,1.7180988621033308,1.7176304825283841,-0.3971970608354913,-0.3979730577141137,-0.4051075310234417,0.7526922453227751,0.7542854985140391,0.768538092102507,0.12409769568536362,0.12487951563409627,0.13184161508637007,-0.22502819576972846,-0.22529991780190445,-0.2278858379106162,0.9903044748432664,0.9906333631869344,0.9930132497262334,-0.4940732306427082,-0.4951596949131376,-0.5050882936919706,0.3782583598084612,0.3793041456969085,0.3881116760354505,0.7934548269989224,0.7942131564280561,0.8003463592826674,-0.16414756144731005,-0.16371597739063745,-0.15979987192442985,-0.6601078554117416,-0.6606773097212759,-0.6657304822406841,-0.7646841290156682,-0.7625136214876689,-0.7427926902753075,-0.2992827516998363,-0.2983848443315815,-0.29030690085694005,-1.3390888614109488,-1.3386807008181183,-1.3341457349790995,-0.9238849380122766,-0.9238602562605364,-0.923787639434596,-1.1783109527516549,-1.1786964102085509,-1.1824376712441032,-1.3224644315371163,-1.3228928274228218,-1.3266920888001843,2.0156499630546785,2.01387078322881,1.9975847759838044,1.7477164100357443,1.74669186127833,1.7373589778018732,2.2538978408588712,2.2531530983246277,2.2460976069603,2.1423383140470884,2.140792120128538,2.126534546324634,-1.0711064063972695,-1.0711723560236397,-1.0716563667835028,-0.5218262360391595,-0.5213727469164923,-0.5172982216592201,-0.9562296404619764,-0.9558614865740838,-0.9524440425863904,-1.0468535238123666,-1.0467631140158435,-1.0458324751833517,0.4696175175521862,0.469850781890837,0.4719327345980385,-0.6844213753635806,-0.6844566391131977,-0.684754675004545,-0.11721208770048835,-0.1170094160136568,-0.11517292830781045,0.3719820222831725,0.3723465107725486,0.3756077492501952,0.1286376070137449,0.12815521936473373,0.12383478297730845,0.4073026084327685,0.4061624443608665,0.39600371826792974,0.695636788609706,0.6942562346047358,0.6816718345621827,0.3064214989893566,0.3059717579774213,0.3019554307798886,1.0614307187022824,1.0612434828674833,1.0596300041891042,1.11773946720599,1.1187595937083372,1.1277352780241705,1.2921450154713203,1.2930488456912737,1.3006275584447076,1.3446192641200687,1.3440280887778313,1.3385268955278569,-0.2269113174880943,-0.2274288965699367,-0.2323330775784715,-0.6435161530566014,-0.644482426974185,-0.653383881680764,-0.6264279480103288,-0.6274451234411111,-0.6367823671728773,-0.5166391173097616,-0.5173414253163777,-0.5237956855127445,-0.17283938269668364,-0.17330007443403314,-0.17759175678959793,-1.1610822974895132,-1.1614327905161412,-1.1645209826509773,-1.0265056395403995,-1.0279754751098134,-1.0410938704056478,-0.4697173740877437,-0.4708844668418969,-0.4815927850837942,2.9373709780671,2.9384955584225168,2.9479809070862615,-2.3671882624090905,-2.3677197440659006,-2.3726159884905864,2.114126762818438,2.1171798882689092,2.146479395623762,2.987757923610383,2.9882725204607685,2.9922821860763413,0.5288750463414851,0.5275103556052929,0.515422673417781,1.0126012956525026,1.0112607460361172,0.9991048589526484,0.9130102770070854,0.9112388932847316,0.8952476676514768,0.7265956524804088,0.7247344890339036,0.7081268638289947,0.5204622982869493,0.5186805508301392,0.5026393936609616,0.22532368497702396,0.2273850854705683,0.2451365901557061,0.4931992960669156,0.4932097144180162,0.4931334458949171,0.5230693481446653,0.5218453606283228,0.5107570942566938,0.8925161730448884,0.8930504902194486,0.8976614829024818,-0.4206863301210997,-0.4195953890011407,-0.4090507701801283,0.8499044468397224,0.8492666868878558,0.8435542978372526,0.9009025934829912,0.901085978051168,0.9025619823936499,0.5417691169912376,0.5419173447371674,0.5432817381147531,1.3060606741057157,1.3054260079851865,1.2995541468363785,1.0787887704607602,1.0780737904348814,1.0716636232138863,0.7706060429186167,0.7701741781972693,0.7663672435821558,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1021439953,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,-1.5889803290676672,-1.5891070483114118,-1.590144905960269,-1.5290336174364243,-1.5293731341624637,-1.532180487062572,-1.594912386187357,-1.5950382652236823,-1.5960268890191114,-1.59343884513242,-1.5935605068772165,-1.5945397119246214,-0.7156687426890641,-0.7170341935032715,-0.7292854621776383,-0.32193005450574896,-0.3206935988599426,-0.3093940213840874,-0.5839291446871887,-0.5841624821521443,-0.586166014002885,-0.6759119378051425,-0.6768862568840452,-0.6855970035624184,0.9247819352149879,0.9248171741242812,0.925050389358738,0.0738055360293214,0.07452220624046081,0.08093592267387208,0.35294452230039863,0.35362357507343606,0.3596907008077687,0.7002905140439699,0.7006732572150314,0.7040373160192287,0.21475559955773324,0.21146609824641224,0.1825510057887688,0.3812695767597253,0.3783968486702608,0.35297896350302665,0.4088025018595489,0.40544150401369816,0.37543418515317695,0.3392571516866042,0.33560260226239697,0.3030897779492558,-0.6785586745196559,-0.6783096323059055,-0.6760887514081395,-0.1519962212757864,-0.15285708451987018,-0.16043412706531832,-0.4814823692826821,-0.4815691391534581,-0.4823109685732623,-0.620949227905138,-0.6207415179903141,-0.6188955938779184,0.651004068174249,0.654818381358346,0.6893004961222671,-0.5665532485901159,-0.5645641628195814,-0.5458411040664972,0.002817283504639989,0.005751646587518146,0.03285273151081773,0.3963550064419451,0.3998856827065473,0.432065134665105,1.2344606284317932,1.2344975905064968,1.2338880262854428,0.8152063954188404,0.8137084876176097,0.7992902579997848,1.1174783426210049,1.1170724317489351,1.1124600940835043,1.1977213971990996,1.1976194709525632,1.195753577796694,-1.232374549813802,-1.2329226077771982,-1.237568205946871,-0.6082643963790859,-0.6080005093329097,-0.6063269282915525,-1.227664420342413,-1.2278919895020652,-1.2295715206003297,-1.2335628322598169,-1.2340373964866789,-1.2379879327000802,0.3845659179746736,0.3837727080477668,0.37682361232175066,-0.3506033837371347,-0.34841629190233353,-0.32904079276689363,0.07848579953857569,0.07878747655870892,0.08154857038970822,0.27658830128413475,0.2761416720499025,0.27228177459341824,0.91308898227049,0.91220855665954,0.9041066292198986,1.180396223286062,1.1799201907461756,1.1756961798109085,1.187567945299834,1.1874613238622178,1.1864306907039932,1.0301812972536788,1.0296672205327095,1.0248965425112446,-0.261345757041344,-0.2628524763870876,-0.276159825383198,0.18480302571921275,0.18235155119476332,0.16022619463855833,-0.07294668115885422,-0.07551217496142065,-0.09833877651104056,-0.19989757726686835,-0.20186255672795927,-0.21922232756322746,-0.16414756144731005,-0.16371597739063745,-0.15979987192442985,-0.6601078554117416,-0.6606773097212759,-0.6657304822406841,-0.7646841290156682,-0.7625136214876689,-0.7427926902753075,-0.2992827516998363,-0.2983848443315815,-0.29030690085694005,0.4334105351078501,0.4326574718571266,0.4261350803892869,0.5422277565907668,0.5423852598366818,0.5440814464223419,0.5545389915193725,0.5547437608797942,0.5570950204736443,0.5116159695831614,0.511492826018674,0.5108495844064902,0.4496891551085548,0.4498550543647679,0.4510412064744914,-0.9045340645309844,-0.9062344848869168,-0.921509416933907,-0.12835762271766812,-0.1284878349288038,-0.12979900067450573,0.2685927037562624,0.2687997986525357,0.27039993327278183,-1.112389310864865,-1.1131202045935973,-1.119719379792932,-0.0861139888837171,-0.08791717792189438,-0.10415659152201777,-0.8020838829896348,-0.8030538755133223,-0.8117802707234905,-1.0241049563484663,-1.0248934994074823,-1.031999075979989,0.6264270812550666,0.6254938697462135,0.6171404255403782,1.150199649262085,1.148861156494432,1.1368429888836509,1.9747116051485976,1.9745010543962118,1.9725855810543196,0.9760439396272648,0.9748707160955128,0.9643345262254645,-1.3847053182739295,-1.3856464276791731,-1.3942204152057815,1.397883722509863,1.3990321605176264,1.409109423630779,0.3424367777308623,0.3470151255618483,0.3881740178423938,-1.1708803220352997,-1.1712350362737118,-1.1745665764166036,-0.2663823735600279,-0.26643456144662114,-0.26709470202754965,-2.262636827446165,-2.262852246985433,-2.264073359993972,-2.0552852890283035,-2.0535829331930717,-2.037593278188349,-1.3764436838410272,-1.3727932631043571,-1.3407932401088154,1.6348781650653983,1.6343589367729927,1.6299012176026495,1.7809437979112794,1.782519402472447,1.7969868041117645,1.979667174974919,1.981619608440976,1.999277488605699,2.0711252013495023,2.0721458318867776,2.081002634156862,0.3112418077600476,0.3114095925792194,0.3128199254108084,-0.9421203042265364,-0.9437324635465404,-0.95800135526351,-0.4898484483646712,-0.4920078335115624,-0.5114252774243826,0.0726370100921698,0.07187935206724967,0.06485922604376253,-0.4335048731471073,-0.4326736955863562,-0.4252757307941033,0.586792086394481,0.5867311714431908,0.5861666253977459,0.13903453477953445,0.13816177328545914,0.12970723617043264,-0.3795380646679491,-0.3785868112856837,-0.3702565658551369,0.03528826686376179,0.0353466917815949,0.03591467868584264,0.2392369455963381,0.23972821369856856,0.2441744918392248,0.17789609085103905,0.17811690380975426,0.18010311449507352,0.1022038738094614,0.10226029564851784,0.10279395383623728,-1.0540116657567369,-1.0554763392483055,-1.0690163032633095,0.699679335713705,0.7006632148838424,0.7099247231382841,-0.4702147821168203,-0.4714301876320956,-0.4827130710151508,-0.8931039155489012,-0.8946844926692256,-0.9093796766557908,-1.5120499191740204,-1.511299310283406,-1.5044570281221623,1.568361953571466,1.5663510022588776,1.5458123526455176,-0.948832566292247,-0.949135537796897,-0.9515260177339808,-1.4189874784327845,-1.4180109950601043,-1.4092373150897566,1.7540536653073513,1.7532552532263574,1.7459223061204332,0.19581326415864067,0.19888770390970545,0.22632157482504606,1.07987632411845,1.0825376662427824,1.1060972450191422,1.5515121115609285,1.552153762724039,1.557586439112248,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1035310175,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,-0.12163888590242655,-0.12311027800100492,-0.13574085755167573,0.1886586390540872,0.18654661076249288,0.1681746692833717,-0.023341376082252903,-0.025012083241862236,-0.039413093293078114,-0.08985322281820765,-0.09138759620967586,-0.1045762309728383,1.0078429895067875,1.0091218004336444,1.0205145259418231,1.4037465353974399,1.4032696910111295,1.398868175065885,1.2484977520520286,1.2491222881807864,1.2546288037555569,1.1032553135047662,1.1043325568326832,1.1139076729410875,0.11478314960800405,0.1131945107289338,0.09874776505148793,0.4277911523615909,0.4263572267155773,0.4133571627463569,0.3961089352505596,0.39435033974721795,0.3783890646978527,0.2882454667162646,0.28633694917161456,0.2690083212872029,-1.0977871681648752,-1.0958355930435422,-1.0783323931643172,0.1891210712787863,0.19315058877751007,0.2287258482822972,-0.3004066630168826,-0.2967777773322925,-0.26423792112830563,-0.8388669919188255,-0.8365999813160556,-0.8160810622230826,-0.6785586745196559,-0.6783096323059055,-0.6760887514081395,-0.1519962212757864,-0.15285708451987018,-0.16043412706531832,-0.4814823692826821,-0.4815691391534581,-0.4823109685732623,-0.620949227905138,-0.6207415179903141,-0.6188955938779184,-1.2205793990126643,-1.217085154018518,-1.1853732862720632,-0.448257284367875,-0.4447221464479597,-0.41337354204569376,-0.8572232505380141,-0.8535615177974379,-0.8207292432118222,-1.091283749670009,-1.0877086709021733,-1.0554011635658294,1.0645118664023776,1.065006472300443,1.0696318063528043,0.9794481430804431,0.9798995780412592,0.984078429585668,1.0458854424110609,1.0464042126912096,1.0512353026285324,1.0591546327362062,1.0596608523656508,1.0643877127229509,0.11821831520509495,0.12393653253429032,0.1755931639187508,0.5136299289173485,0.5169375106251819,0.5460764723391953,0.19029080504005272,0.19624385049978946,0.2496952832900453,0.13769675715449795,0.14349666237173966,0.19580983598171472,-0.5847979682433122,-0.5843741544474512,-0.5806034913454476,-0.6306238821205847,-0.6318567064441674,-0.6428092717913026,-0.6236265201071166,-0.6238145535270055,-0.625544537404543,-0.6018081340331821,-0.6015940962765622,-0.5997210985766861,-0.3971970608354913,-0.3979730577141137,-0.4051075310234417,0.7526922453227751,0.7542854985140391,0.768538092102507,0.12409769568536362,0.12487951563409627,0.13184161508637007,-0.22502819576972846,-0.22529991780190445,-0.2278858379106162,1.0898021675114835,1.0908799113608574,1.1006402647135225,0.9569253591308852,0.9592717300191004,0.980221535530206,1.157479655873749,1.1595680321858055,1.1780956383775305,1.1351266835039593,1.1364897891018328,1.1486772025687295,0.8616630014452005,0.861282131510456,0.8578199292769875,0.1289498660979635,0.12987344179101246,0.1380928580062162,1.2203474821786962,1.2199920237351192,1.2162158726785202,0.9739789183315188,0.9732798304861752,0.9669611343155208,-0.6011143575757538,-0.6028182297863085,-0.6198503314913446,-0.0589376296424331,-0.05918407104935008,-0.061940642918935016,-0.27560869638622354,-0.2764010762402184,-0.2847594089624803,-0.4713695597981376,-0.4728514681066336,-0.4879377177345211,-1.0949527840999225,-1.0944651339821558,-1.0901649022951874,-1.5357981124086997,-1.5374060057094363,-1.5517360668504103,-1.5103129368582076,-1.5111328136294244,-1.5184195377636087,-1.2586148926134566,-1.2584440536271333,-1.2569054990974071,0.5069199122526841,0.506401241783634,0.5016201225072036,0.8712596492411209,0.869369868686355,0.8523328601365489,0.714147000343823,0.7129699533507983,0.7022646989345717,0.5818588987672925,0.5811320107448407,0.5744709950998395,-0.665223885402559,-0.6658654008724115,-0.6715971791614727,1.4852873192017877,1.485014407571704,1.4825314284788664,0.6987990547630041,0.6983917416229525,0.6946990198022479,-0.40695755408873546,-0.40788871482808187,-0.41622992963147537,-0.1929427751601105,-0.19090035112665069,-0.1722638070082957,-1.2694517294781795,-1.2699197760981626,-1.273939722960738,-1.9352029818444645,-1.9359396635623016,-1.9418567736786867,-0.7019078800202115,-0.7011575161714062,-0.6942392226316317,-0.5567120873699024,-0.5569602059648285,-0.5590807641208018,1.0754332834712472,1.074321779010432,1.0641440167920595,0.7734356950350352,0.7707428379133121,0.7466021048299244,0.1657779129792063,0.16256133874567133,0.13465463272244724,0.7039834237886515,0.7034650201015279,0.6987840700120893,0.5687138224273386,0.5690184877491309,0.5718014612155,0.6766196134822954,0.6770872424999324,0.6812475607164101,0.7772430420198702,0.7774022032851996,0.7786034743220587,-0.8820654458266625,-0.8811391213198381,-0.8726630185729702,0.05610120759308345,0.05733061597446072,0.06843907979926428,-0.6270087159848495,-0.6246193077576628,-0.6027757443503721,-0.8722305734259453,-0.8709247032575328,-0.8588915365678438,-0.4335048731471073,-0.4326736955863562,-0.4252757307941033,0.586792086394481,0.5867311714431908,0.5861666253977459,0.13903453477953445,0.13816177328545914,0.12970723617043264,-0.3795380646679491,-0.3785868112856837,-0.3702565658551369,1.3158409452145206,1.31669068734428,1.3240638994202605,0.007051974440157664,0.008406555222438187,0.020631835582470216,0.5597004732277195,0.5620271701726541,0.5827821830369161,1.0215746183476557,1.0234061440211917,1.0394931425076983,-2.3803864708040496,-2.3799994059998197,-2.375629685745025,-1.3041865450807688,-1.3021814914870649,-1.2830358004245932,-2.3808229176461064,-2.3815240254996266,-2.3879152451981547,-2.431649892621024,-2.431724614586958,-2.4318756661761127,-0.9747619900100948,-0.9776852083256292,-1.003740529869533,-1.70683919167022,-1.7179858454283132,-1.8184984724300801,-2.171367862181706,-2.1708204067928047,-2.166164659086088,-1.2554997319381576,-1.2582751470423708,-1.2828619841476268,0.5417691169912376,0.5419173447371674,0.5432817381147531,1.3060606741057157,1.3054260079851865,1.2995541468363785,1.0787887704607602,1.0780737904348814,1.0716636232138863,0.7706060429186167,0.7701741781972693,0.7663672435821558,2.0,2.0,2.0,2.0000000000000004,2.0,2.0,2.0,2.0,2.0,2.0,2.0,2.0000000000000004
+1065142030,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,-0.12163888590242655,-0.12311027800100492,-0.13574085755167573,0.1886586390540872,0.18654661076249288,0.1681746692833717,-0.023341376082252903,-0.025012083241862236,-0.039413093293078114,-0.08985322281820765,-0.09138759620967586,-0.1045762309728383,-1.6372069160862497,-1.637167074473759,-1.6367705489145972,-1.0652551020158336,-1.0647406759675138,-1.0600588640981743,-1.4832684809151278,-1.4829406657506683,-1.4800070570937571,-1.5986339964431708,-1.5984935685331412,-1.5972183442663543,-1.2416212824723158,-1.2420333842686773,-1.2455788241734198,0.8117592299859031,0.81061878775566,0.800337917033485,0.29266726198806925,0.2913594324769417,0.2795716361383458,-0.5021741507460348,-0.5032072346435003,-0.512435793843985,-1.0977871681648752,-1.0958355930435422,-1.0783323931643172,0.1891210712787863,0.19315058877751007,0.2287258482822972,-0.3004066630168826,-0.2967777773322925,-0.26423792112830563,-0.8388669919188255,-0.8365999813160556,-0.8160810622230826,-0.6785586745196559,-0.6783096323059055,-0.6760887514081395,-0.1519962212757864,-0.15285708451987018,-0.16043412706531832,-0.4814823692826821,-0.4815691391534581,-0.4823109685732623,-0.620949227905138,-0.6207415179903141,-0.6188955938779184,0.3546647929202108,0.3553396131338975,0.3613556251614406,0.31363302505938345,0.3140867610068077,0.31820602810597576,0.35251426434547883,0.3531477217330875,0.3588302051767088,0.3593625705136869,0.3600451056841382,0.3661399024809454,-0.9689273474851696,-0.968594219801076,-0.9656692582325396,-1.0625853743836813,-1.0625189641090358,-1.0619140811799734,-1.0028711777733712,-1.0026598530079718,-1.0008135670675635,-0.9803407924767834,-0.9800504453247232,-0.9775055651227909,1.396227113490235,1.3931310165573774,1.3645334795814428,-0.9457968933740434,-0.9469778767549056,-0.9560328149168891,1.1304525872319526,1.1264329374458413,1.0900330717555384,1.3280347476812229,1.3246749103520117,1.29381547551477,0.31607002440210824,0.3164142002283698,0.319420096930964,1.0948917593402936,1.0949978965414056,1.096148843301802,0.6637948646729153,0.6641057984601957,0.6669650197236149,0.4426753870869428,0.4430421822232793,0.4463025056029605,1.1894474184437998,1.1898925183990112,1.1939492401904706,0.3365436239502059,0.3345228136592406,0.316381712995927,0.9392248403035272,0.9386632617529762,0.9336075921372556,1.1303375842221592,1.1305662516408568,1.132675469848936,-1.2423319084924052,-1.2415790362597152,-1.2353939417253943,-1.4036775137340043,-1.4011914793766047,-1.3786644596197357,-1.4739940984036424,-1.4723203910496308,-1.4575515326118391,-1.3486060372129949,-1.347349596620152,-1.3366052904185224,-0.16414756144731005,-0.16371597739063745,-0.15979987192442985,-0.6601078554117416,-0.6606773097212759,-0.6657304822406841,-0.7646841290156682,-0.7625136214876689,-0.7427926902753075,-0.2992827516998363,-0.2983848443315815,-0.29030690085694005,-1.3390888614109488,-1.3386807008181183,-1.3341457349790995,-0.9238849380122766,-0.9238602562605364,-0.923787639434596,-1.1783109527516549,-1.1786964102085509,-1.1824376712441032,-1.3224644315371163,-1.3228928274228218,-1.3266920888001843,0.4099693395546485,0.4100464871966034,0.4107890578870299,0.19097388532169585,0.19320707365831166,0.212997426364518,0.3782138806249392,0.3796038320205612,0.3919451265842942,0.4091311529055999,0.4096505898537997,0.4142715524893451,0.5482028167202794,0.5483490903535913,0.5496831355166326,0.4355474020856785,0.4359142996917572,0.4391912299993467,0.5600012428714815,0.5601623422900369,0.561600927071672,0.5591103313033924,0.5592623961364794,0.5606375958964769,-0.8220334491054396,-0.821508488727788,-0.8168048701038126,-0.3493337054238784,-0.3483033880359259,-0.3390662354093295,-1.3931246380860818,-1.3931187287869162,-1.3930594895598816,-1.011019471432828,-1.010412920151046,-1.0049567066067449,-1.3847053182739295,-1.3856464276791731,-1.3942204152057815,1.397883722509863,1.3990321605176264,1.409109423630779,0.3424367777308623,0.3470151255618483,0.3881740178423938,-1.1708803220352997,-1.1712350362737118,-1.1745665764166036,-1.9866379960355536,-1.9866067088283408,-1.9863210566116043,-0.650458462211069,-0.6542116866401155,-0.6880180422674846,-1.1595234672510872,-1.1643178618012482,-1.2066239682334978,-1.7610272877214126,-1.7636956788042633,-1.7864221872488264,-2.3151249137357075,-2.317148227535624,-2.334202506886418,0.9191127032508096,0.9179131343905124,0.906734946521942,0.2498660829165908,0.2468074112991094,0.21895256958329767,-0.9430795952714008,-0.947835734494426,-0.9900425230549712,-1.3661466362833938,-1.3658487883330908,-1.3630747007733766,-0.1628607856698934,-0.16036971099514027,-0.1380805475882029,-1.1636659071605782,-1.1605869493559138,-1.1324443373316375,-1.4145849576058591,-1.4136885221666795,-1.4053435476954004,-0.11211391306148524,-0.11415112830146032,-0.13210884077388044,-0.3845214186525985,-0.3842224281977476,-0.3814612546319631,-0.9827779904985476,-0.9820501759938884,-0.9749076042154532,-0.23684317853422876,-0.2389172175822223,-0.2569142636485065,0.03528826686376179,0.0353466917815949,0.03591467868584264,0.2392369455963381,0.23972821369856856,0.2441744918392248,0.17789609085103905,0.17811690380975426,0.18010311449507352,0.1022038738094614,0.10226029564851784,0.10279395383623728,0.02274073244952433,0.024990047275528653,0.0460669782650821,-1.2748967115628476,-1.2754574085318346,-1.2804567981395307,-0.5659073417557257,-0.5647387803892877,-0.5538273382253921,-0.16184198432632044,-0.1597758333037117,-0.14038326928354986,0.8925161730448884,0.8930504902194486,0.8976614829024818,-0.4206863301210997,-0.4195953890011407,-0.4090507701801283,0.8499044468397224,0.8492666868878558,0.8435542978372526,0.9009025934829912,0.901085978051168,0.9025619823936499,-1.0521926300356257,-1.0523267884915422,-1.0535499580527214,-0.5083035570843594,-0.5072979636806182,-0.4980622843107169,-0.881625535903772,-0.8816024408744195,-0.8814114817823303,-1.0221303427804924,-1.0221884113059014,-1.022747864575945,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1004400143,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,-1.504459834315648,-1.5028925573409362,-1.4891137843344566,-1.2099780549455137,-1.2086935305951945,-1.1973368744768011,-1.4332855489514988,-1.4316970699085119,-1.4177018397274868,-1.4836987594080946,-1.4821144005235494,-1.4681746273396004,0.4879503787719285,0.4874424274449258,0.483096507686087,-1.3161219509315902,-1.3169969171636091,-1.3249446924767443,-0.2904802400100929,-0.2914199353879479,-0.29972047933492274,0.216214677881482,0.2155118385294635,0.2094041508994208,-1.2416212824723158,-1.2420333842686773,-1.2455788241734198,0.8117592299859031,0.81061878775566,0.800337917033485,0.29266726198806925,0.2913594324769417,0.2795716361383458,-0.5021741507460348,-0.5032072346435003,-0.512435793843985,-0.24864755167872996,-0.24266742462085025,-0.18953970710043405,-2.9841740534269343,-2.984740546115443,-2.9885173003137155,-2.601258658248812,-2.6016135899417723,-2.603509391473927,-1.4575911574827496,-1.4537617331648651,-1.4187640425205874,0.4821173497366826,0.4816195579549953,0.4772035024992633,-0.22139250376502448,-0.22049067584323506,-0.21253046054519856,0.16899206542674644,0.16911012145738033,0.170119880810763,0.3774437751487611,0.3770953172685021,0.3740056250694581,-1.1890496803815351,-1.189445874642561,-1.192742291099432,-0.7660521180279185,-0.7660641403128697,-0.7664309992488787,-1.0208510282132222,-1.0211602568061666,-1.023942165714877,-1.1390104811910036,-1.1394218017697344,-1.1429422779017169,-0.9689273474851696,-0.968594219801076,-0.9656692582325396,-1.0625853743836813,-1.0625189641090358,-1.0619140811799734,-1.0028711777733712,-1.0026598530079718,-1.0008135670675635,-0.9803407924767834,-0.9800504453247232,-0.9775055651227909,1.54914244012456,1.549181829931441,1.5492381287447206,1.1578296487840416,1.156680970931424,1.1471969946784857,1.605859569813353,1.6055943865215652,1.6027097493186881,1.5673608854877876,1.5673384699032142,1.566771450667972,-1.1913401604551597,-1.1920745674456574,-1.1985278859613795,-1.4847378924566197,-1.4837884561248431,-1.4752504882457478,-1.3571211462248989,-1.3569897168746434,-1.3557808121658743,-1.2571409855385265,-1.2575616236070537,-1.261235355938093,-0.7039491557323988,-0.7047094797571107,-0.7115162070991357,-2.566522567816412,-2.5674546085690158,-2.5752722034494773,-1.7537611304193723,-1.75629088450766,-1.7788140956121508,-1.0861029459301403,-1.08762920310097,-1.1012657836743225,0.9903044748432664,0.9906333631869344,0.9930132497262334,-0.4940732306427082,-0.4951596949131376,-0.5050882936919706,0.3782583598084612,0.3793041456969085,0.3881116760354505,0.7934548269989224,0.7942131564280561,0.8003463592826674,-2.625914198544252,-2.6265486390886363,-2.6322803574858007,2.7847398126668543,2.7838927814423298,2.776280979178555,-1.057969283636444,-1.0673999875021325,-1.150900039337543,-2.3995019148268937,-2.4011951002867926,-2.4163100329773832,-1.3390888614109488,-1.3386807008181183,-1.3341457349790995,-0.9238849380122766,-0.9238602562605364,-0.923787639434596,-1.1783109527516549,-1.1786964102085509,-1.1824376712441032,-1.3224644315371163,-1.3228928274228218,-1.3266920888001843,-1.1346725996538287,-1.1342737011503206,-1.1304170508826488,-0.4402901625560195,-0.4379644471642082,-0.4172292235519855,-1.0037414335156003,-1.0030411466800595,-0.9966754105048088,-1.1180764434641193,-1.117593262425869,-1.1130338798808437,0.5482028167202794,0.5483490903535913,0.5496831355166326,0.4355474020856785,0.4359142996917572,0.4391912299993467,0.5600012428714815,0.5601623422900369,0.561600927071672,0.5591103313033924,0.5592623961364794,0.5606375958964769,1.7612684842098116,1.7612100525094618,1.7606703392998897,-1.019509045303283,-1.0206098901904694,-1.0304431145997606,1.158700462685105,1.1590998967596022,1.1627136329442609,1.7549835159991731,1.7551059416961432,1.756172205107135,0.1286376070137449,0.12815521936473373,0.12383478297730845,0.4073026084327685,0.4061624443608665,0.39600371826792974,0.695636788609706,0.6942562346047358,0.6816718345621827,0.3064214989893566,0.3059717579774213,0.3019554307798886,1.249647616108816,1.2498006688362824,1.2511004800082075,-0.5658460947415836,-0.5653360572443049,-0.5608355198032631,-0.12210482637851686,-0.119705846245325,-0.09857306100393162,0.5966554145603125,0.5992378212600571,0.6213223383619929,0.7039834237886515,0.7034650201015279,0.6987840700120893,0.5687138224273386,0.5690184877491309,0.5718014612155,0.6766196134822954,0.6770872424999324,0.6812475607164101,0.7772430420198702,0.7774022032851996,0.7786034743220587,0.557585887441703,0.5580872901258143,0.5627583711803418,1.492068068279365,1.4918834158939618,1.4901713652107722,1.5740485262156443,1.5751160812262457,1.5844784223399695,0.9407929570111444,0.9420277140940408,0.9533268682785929,-0.4335048731471073,-0.4326736955863562,-0.4252757307941033,0.586792086394481,0.5867311714431908,0.5861666253977459,0.13903453477953445,0.13816177328545914,0.12970723617043264,-0.3795380646679491,-0.3785868112856837,-0.3702565658551369,0.3034377692967303,0.30445842682277785,0.3134866948729469,-0.6763450631166175,-0.676042755860758,-0.6731699427064135,-0.3328973352170021,-0.3315474990284258,-0.3193042902870711,0.023415604046526848,0.024934720333212847,0.03848197785279302,0.02274073244952433,0.024990047275528653,0.0460669782650821,-1.2748967115628476,-1.2754574085318346,-1.2804567981395307,-0.5659073417557257,-0.5647387803892877,-0.5538273382253921,-0.16184198432632044,-0.1597758333037117,-0.14038326928354986,-1.5120499191740204,-1.511299310283406,-1.5044570281221623,1.568361953571466,1.5663510022588776,1.5458123526455176,-0.948832566292247,-0.949135537796897,-0.9515260177339808,-1.4189874784327845,-1.4180109950601043,-1.4092373150897566,-0.38227612158271307,-0.3819721333502001,-0.3791996922106409,-1.9475726446642128,-1.9493489224042984,-1.965175654619204,-1.3750773991250869,-1.3750127526795248,-1.374258646263849,-0.7837726274469585,-0.7831426207977057,-0.7774059098565188,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1017990731,3.0,3.0,3.0000000000000004,3.0,3.0,3.0,3.0,3.0,3.0,3.0,3.0,3.0,-0.030498004651207077,-0.032075805745851386,-0.046115161374786766,-0.7629586515377271,-0.7637698971835775,-0.7708931719377599,-0.2675869309422925,-0.2690020683254443,-0.2815719954318464,-0.10767893148557857,-0.10921539522692507,-0.12288092128019898,1.1623350816979858,1.1623606221884901,1.162514261790454,1.180731740335471,1.1806520621754226,1.1799214633557589,1.2433822222332844,1.243366139026322,1.2432071356332453,1.2025671954119728,1.2025893505798857,1.2027362249286222,-1.8238277638729803,-1.8228028919396562,-1.8135658636321683,-2.878110906133638,-2.8789896007097453,-2.886629287143688,-2.9956689197665995,-2.995819747871441,-2.996859113261649,-2.6952206320257166,-2.694417839359687,-2.6869165145834173,0.21475559955773324,0.21146609824641224,0.1825510057887688,0.3812695767597253,0.3783968486702608,0.35297896350302665,0.4088025018595489,0.40544150401369816,0.37543418515317695,0.3392571516866042,0.33560260226239697,0.3030897779492558,1.6427933739930212,1.641548748215896,1.6304957564066662,-0.2907887862542625,-0.2881242671666001,-0.2646267940250788,0.8194665001361752,0.8197893820682187,0.8225507301947884,1.3758367782026604,1.3749321525273184,1.3669068440168346,-0.8611806864963675,-0.8623278270421546,-0.8721664249659744,-1.9640332253374608,-1.966057058004169,-1.9835355886245365,-1.5341757867292691,-1.5361550709604646,-1.5531325618838228,-1.1497447767837397,-1.1512943556148871,-1.1645581600534454,1.4109038307204005,1.4105185501501,1.4074398323656498,1.6349384984909223,1.6353262187694662,1.639068164666431,1.486408541607571,1.486322724747526,1.4859141527376023,1.4358694975994517,1.4355860133403568,1.4334168814157504,-1.232374549813802,-1.2329226077771982,-1.237568205946871,-0.6082643963790859,-0.6080005093329097,-0.6063269282915525,-1.227664420342413,-1.2278919895020652,-1.2295715206003297,-1.2335628322598169,-1.2340373964866789,-1.2379879327000802,1.5812323889904416,1.581085772413756,1.5797511197141991,1.2938559778597571,1.2944678179151434,1.299642819406612,1.508006976724274,1.5078747623320683,1.5066601360121443,1.563186001983515,1.5630020808649536,1.5613441278939908,-1.4311246677681633,-1.4304707103482963,-1.4244790802962106,-0.5188643319763679,-0.5167465708050322,-0.4979344624208757,-1.187715658925414,-1.186500354703267,-1.1755705590979908,-1.3800814018246552,-1.3793680250283713,-1.3728892909947858,1.0898021675114835,1.0908799113608574,1.1006402647135225,0.9569253591308852,0.9592717300191004,0.980221535530206,1.157479655873749,1.1595680321858055,1.1780956383775305,1.1351266835039593,1.1364897891018328,1.1486772025687295,0.8616630014452005,0.861282131510456,0.8578199292769875,0.1289498660979635,0.12987344179101246,0.1380928580062162,1.2203474821786962,1.2199920237351192,1.2162158726785202,0.9739789183315188,0.9732798304861752,0.9669611343155208,0.4334105351078501,0.4326574718571266,0.4261350803892869,0.5422277565907668,0.5423852598366818,0.5440814464223419,0.5545389915193725,0.5547437608797942,0.5570950204736443,0.5116159695831614,0.511492826018674,0.5108495844064902,-1.0736339153622758,-1.0747695934650383,-1.0848274415555528,0.4851883142803138,0.4843488196332901,0.4769056779688666,-0.5100127874222089,-0.5121368590766144,-0.5311434672179066,-0.9120768786923498,-0.9136955844307992,-0.928076318415744,-0.5322191392959733,-0.5319270664671762,-0.5293300267569657,-1.2205282173733183,-1.2198257211533772,-1.2134170984760224,-0.8779198456248093,-0.8774331513567885,-0.8730225104915255,-0.6532260375617105,-0.6528936890019561,-0.6499137117094419,-1.9568748520601849,-1.9572246714910368,-1.960334783863324,1.820374989141489,1.821167658648976,1.8282198680740818,-0.5771134956225894,-0.577717571150307,-0.5831875414498233,-1.7899590478047362,-1.7906481457516763,-1.7967943854884152,-0.5791558784772819,-0.5767687266224368,-0.5549295803964868,-0.9834691547054368,-0.9846781453426068,-0.9954568974406088,-1.9804064415226004,-1.980835755836987,-1.984093993487844,-1.0667142407323984,-1.0658295985542234,-1.0576745859087169,0.3464677643694568,0.3464202314357268,0.34600985794370304,0.25479359436483184,0.2544928608830635,0.2516542484943982,0.32566543432825923,0.32551849583399345,0.3240145219129964,0.3812166637697592,0.3808995800028641,0.3779884855422201,-0.2269113174880943,-0.2274288965699367,-0.2323330775784715,-0.6435161530566014,-0.644482426974185,-0.653383881680764,-0.6264279480103288,-0.6274451234411111,-0.6367823671728773,-0.5166391173097616,-0.5173414253163777,-0.5237956855127445,0.557585887441703,0.5580872901258143,0.5627583711803418,1.492068068279365,1.4918834158939618,1.4901713652107722,1.5740485262156443,1.5751160812262457,1.5844784223399695,0.9407929570111444,0.9420277140940408,0.9533268682785929,-0.11211391306148524,-0.11415112830146032,-0.13210884077388044,-0.3845214186525985,-0.3842224281977476,-0.3814612546319631,-0.9827779904985476,-0.9820501759938884,-0.9749076042154532,-0.23684317853422876,-0.2389172175822223,-0.2569142636485065,-2.174700723503563,-2.174928724861665,-2.1768505351174143,-1.4531435050356416,-1.4555821180285164,-1.4775213838012982,-1.9072447430812205,-1.9097262109399449,-1.931707039762332,-2.1394616362620784,-2.1406598395034284,-2.1510470413402416,0.6859281349731811,0.6872515806512854,0.6993736695059397,-0.2729637711656108,-0.274035055346381,-0.2839765363580921,0.3893967260089176,0.3903081385444777,0.39877374886611,0.6074310042097407,0.6087442276551545,0.6208647254766109,0.8925161730448884,0.8930504902194486,0.8976614829024818,-0.4206863301210997,-0.4195953890011407,-0.4090507701801283,0.8499044468397224,0.8492666868878558,0.8435542978372526,0.9009025934829912,0.901085978051168,0.9025619823936499,0.5417691169912376,0.5419173447371674,0.5432817381147531,1.3060606741057157,1.3054260079851865,1.2995541468363785,1.0787887704607602,1.0780737904348814,1.0716636232138863,0.7706060429186167,0.7701741781972693,0.7663672435821558,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1030395962,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,1.6058844280180706,1.606349946505507,1.6103511302854312,1.5928447299346065,1.5935090548759177,1.5991492095797266,1.627237753634529,1.6277065042867165,1.6316918988774365,1.6153868622772851,1.6158497281479498,1.6198127288416253,1.3168271738891846,1.3155994439433354,1.3045139976390845,0.9577169452735008,0.9580344333397158,0.9609747516456328,1.23826669241454,1.2376099898718578,1.2317854675109337,1.3018790773191793,1.3008461443270878,1.2915647769161565,0.3783762887416517,0.3812119425220178,0.4070264244410804,0.10378799732136416,0.10694874680542696,0.13549543688851534,0.20633843608774727,0.20990590312937768,0.2421749083581777,0.32191594390937617,0.3254653814433332,0.35762219562006675,0.21475559955773324,0.21146609824641224,0.1825510057887688,0.3812695767597253,0.3783968486702608,0.35297896350302665,0.4088025018595489,0.40544150401369816,0.37543418515317695,0.3392571516866042,0.33560260226239697,0.3030897779492558,0.3036479493952107,0.3051407394486447,0.3183374931362413,1.7149474039282688,1.7138817172956555,1.7043888109872656,1.0809691499969956,1.08072594932693,1.0786444702392362,0.5965780358767465,0.5974894856187459,0.6055542501643845,-1.0582130156749894,-1.0620353559131959,-1.0963726034946346,-0.379726394951162,-0.3821779033931639,-0.4047090972122371,-0.7381711736562762,-0.7415002244138421,-0.7717528942807782,-0.9440650195410808,-0.94778295661777,-0.9813282934931354,-0.9689273474851696,-0.968594219801076,-0.9656692582325396,-1.0625853743836813,-1.0625189641090358,-1.0619140811799734,-1.0028711777733712,-1.0026598530079718,-1.0008135670675635,-0.9803407924767834,-0.9800504453247232,-0.9775055651227909,0.570998334600331,0.5697967462372066,0.5587344674597641,-0.13207721365636238,-0.1327658050521303,-0.13838758284331842,0.5028825789009641,0.5013784448217803,0.4877237668246321,0.553944266969731,0.5526586612561822,0.5408663311608872,0.19494611426764144,0.19450560248404966,0.1906116168764102,-0.09544095729843094,-0.09466031910484968,-0.08780383441956753,0.0754429152496878,0.07544252272871277,0.07543966192313532,0.1530225082224946,0.15272022862895054,0.15005438597794918,-0.12083862466218175,-0.12028909597464275,-0.11526492005286999,-0.09116035401308112,-0.0911118785728958,-0.09077637471247434,-0.12424540931094333,-0.1239185464751454,-0.12098148348036765,-0.12487190880124813,-0.12440088669375747,-0.1201069105729252,-0.261345757041344,-0.2628524763870876,-0.276159825383198,0.18480302571921275,0.18235155119476332,0.16022619463855833,-0.07294668115885422,-0.07551217496142065,-0.09833877651104056,-0.19989757726686835,-0.20186255672795927,-0.21922232756322746,-0.16414756144731005,-0.16371597739063745,-0.15979987192442985,-0.6601078554117416,-0.6606773097212759,-0.6657304822406841,-0.7646841290156682,-0.7625136214876689,-0.7427926902753075,-0.2992827516998363,-0.2983848443315815,-0.29030690085694005,0.9753792585989604,0.9838480308914108,1.0630213275066993,-1.6104409560142596,-1.6105138297748234,-1.6107976639203088,-0.7675579156865372,-0.765819165469765,-0.748759204236677,0.17849326301572158,0.1839831016493529,0.23625731997129654,0.6206073933595714,0.6249086151938822,0.66365407084246,-1.3358708319020884,-1.3357190505567809,-1.3338228070177096,-0.21983056089118566,-0.2159333685982396,-0.1802840466213476,0.3565210521703556,0.3609871185770582,0.4013853172791886,0.5482028167202794,0.5483490903535913,0.5496831355166326,0.4355474020856785,0.4359142996917572,0.4391912299993467,0.5600012428714815,0.5601623422900369,0.561600927071672,0.5591103313033924,0.5592623961364794,0.5606375958964769,0.4696175175521862,0.469850781890837,0.4719327345980385,-0.6844213753635806,-0.6844566391131977,-0.684754675004545,-0.11721208770048835,-0.1170094160136568,-0.11517292830781045,0.3719820222831725,0.3723465107725486,0.3756077492501952,0.1286376070137449,0.12815521936473373,0.12383478297730845,0.4073026084327685,0.4061624443608665,0.39600371826792974,0.695636788609706,0.6942562346047358,0.6816718345621827,0.3064214989893566,0.3059717579774213,0.3019554307798886,-1.2716750417027285,-1.271783457396585,-1.2727009103662028,0.21248741063008916,0.21005504618515827,0.18806298726228748,-0.1930438861080259,-0.19678751194396812,-0.2300109317017867,-0.7976246873711031,-0.8005671700292958,-0.8258837772631896,-0.5240582527432649,-0.5178901832622065,-0.4627186104386158,-1.8321333562176985,-1.8295582922136124,-1.8055906075571524,-1.7536803062970814,-1.749908253475437,-1.714843271646716,-1.3932182628986636,-1.3871510059824406,-1.3315877920170869,1.6240246478116869,1.6249667154813985,1.6335169737712454,-0.025268345078175,-0.02593775774483325,-0.03166657937787425,1.214578133170782,1.213485176576186,1.2034843627970826,1.6258080021716457,1.6265135375159558,1.6328469221153334,-0.11211391306148524,-0.11415112830146032,-0.13210884077388044,-0.3845214186525985,-0.3842224281977476,-0.3814612546319631,-0.9827779904985476,-0.9820501759938884,-0.9749076042154532,-0.23684317853422876,-0.2389172175822223,-0.2569142636485065,0.3034377692967303,0.30445842682277785,0.3134866948729469,-0.6763450631166175,-0.676042755860758,-0.6731699427064135,-0.3328973352170021,-0.3315474990284258,-0.3193042902870711,0.023415604046526848,0.024934720333212847,0.03848197785279302,0.3728409924784372,0.3674426005887166,0.3174202752360057,1.5426105006470228,1.5450653937976662,1.5670455722965777,0.9848721258262416,0.9825355694969512,0.9606988940317958,0.5732716984603813,0.5686282339944829,0.5254466666280277,-0.3097668730645659,-0.3091244100319787,-0.30339777260984024,0.5738378117251829,0.5733778066288682,0.5683807912326945,-0.04946405972626225,-0.04993442545452053,-0.05398585994836423,-0.2590424424748967,-0.2584625085044681,-0.2533376663480533,-1.0521926300356257,-1.0523267884915422,-1.0535499580527214,-0.5083035570843594,-0.5072979636806182,-0.4980622843107169,-0.881625535903772,-0.8816024408744195,-0.8814114817823303,-1.0221303427804924,-1.0221884113059014,-1.022747864575945,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1034822058,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333334,-0.3333333333333333,-0.3333333333333333,-0.33333333333333337,-0.33333333333333337,-0.3333333333333333,-0.3333333333333333,-0.3333333333333333,0.13854298485283034,0.14035317619510007,0.1559470818768381,-0.12484752655590504,-0.12241069004903905,-0.10120594676621736,0.05566674352942455,0.05768032230489615,0.0750781031514031,0.1118012399630727,0.11367681748040925,0.12984924788984273,-1.388005039003112,-1.3877443149660977,-1.3853561698945644,-1.3917714446982627,-1.392041365810963,-1.3944860320075276,-1.4766254284109468,-1.476588762491656,-1.4762940275500318,-1.4331486656118326,-1.4329778858294682,-1.4314302427434684,0.9247819352149879,0.9248171741242812,0.925050389358738,0.0738055360293214,0.07452220624046081,0.08093592267387208,0.35294452230039863,0.35362357507343606,0.3596907008077687,0.7002905140439699,0.7006732572150314,0.7040373160192287,-1.0977871681648752,-1.0958355930435422,-1.0783323931643172,0.1891210712787863,0.19315058877751007,0.2287258482822972,-0.3004066630168826,-0.2967777773322925,-0.26423792112830563,-0.8388669919188255,-0.8365999813160556,-0.8160810622230826,1.4643239736515492,1.4650699297095453,1.471629747043644,1.6455511214390308,1.646248125972291,1.6522924775073853,1.7314435847064245,1.731405209937768,1.7310753196232616,1.5949710389306455,1.5953263208775619,1.5984554691117607,0.4539717389956273,0.4551108524873048,0.4650943175936066,1.0177535817961836,1.0193149917914237,1.0329853873458024,0.7988218965776328,0.8004064931341407,0.8142323991138627,0.6020347636846041,0.6033970817036641,0.6152950012254147,-0.9689273474851696,-0.968594219801076,-0.9656692582325396,-1.0625853743836813,-1.0625189641090358,-1.0619140811799734,-1.0028711777733712,-1.0026598530079718,-1.0008135670675635,-0.9803407924767834,-0.9800504453247232,-0.9775055651227909,0.7239136612346561,0.7258475596112708,0.7434391166230416,1.9715493285017225,1.970893042634199,1.9648422267520556,0.978289561482365,0.9805398938975046,1.000400444387782,0.7932704047762963,0.7953222208073852,0.8138223063140899,-0.5847979682433122,-0.5843741544474512,-0.5806034913454476,-0.6306238821205847,-0.6318567064441674,-0.6428092717913026,-0.6236265201071166,-0.6238145535270055,-0.625544537404543,-0.6018081340331821,-0.6015940962765622,-0.5997210985766861,-1.4311246677681633,-1.4304707103482963,-1.4244790802962106,-0.5188643319763679,-0.5167465708050322,-0.4979344624208757,-1.187715658925414,-1.186500354703267,-1.1755705590979908,-1.3800814018246552,-1.3793680250283713,-1.3728892909947858,-0.16184806437312693,-0.16260592821316475,-0.16853281039590898,1.635801615492806,1.6367829761270012,1.6455360238607353,0.7062746149064336,0.7047517115274762,0.6916451858310393,0.1417742792381686,0.14041407594581748,0.12910851572283452,0.8616630014452005,0.861282131510456,0.8578199292769875,0.1289498660979635,0.12987344179101246,0.1380928580062162,1.2203474821786962,1.2199920237351192,1.2162158726785202,0.9739789183315188,0.9732798304861752,0.9669611343155208,1.1713850389430451,1.1685199428889366,1.1404304838770418,1.4071750649606103,1.4070614450478682,1.4059284429380026,1.4572412478848036,1.4570390948481264,1.4547732827552673,1.3627108413221405,1.3615341853348621,1.349603955472154,0.4710080238462012,0.4695505948818857,0.4563786672141258,1.1164523621580291,1.11552034045581,1.1071323278853702,0.8719425267183308,0.8705081196240063,0.8574770698711963,0.6151307176773693,0.6135482678488696,0.5992291139544448,-1.1099501770806794,-1.107717846589602,-1.0873690053006106,0.4411234421925537,0.4427366704594308,0.4572198349425339,-0.5794796162170777,-0.5769128485020387,-0.5536633906296454,-0.9489036414522842,-0.946482658056078,-0.9244591133959046,-0.8220334491054396,-0.821508488727788,-0.8168048701038126,-0.3493337054238784,-0.3483033880359259,-0.3390662354093295,-1.3931246380860818,-1.3931187287869162,-1.3930594895598816,-1.011019471432828,-1.010412920151046,-1.0049567066067449,2.270150893708973,2.2700713513462025,2.2691751420451007,-1.581319054322139,-1.580492946597354,-1.5729714026473895,0.40069436217267995,0.3964806694497679,0.3582066049764007,2.1809992949452197,2.181388474807251,2.1848736227252465,0.3464677643694568,0.3464202314357268,0.34600985794370304,0.25479359436483184,0.2544928608830635,0.2516542484943982,0.32566543432825923,0.32551849583399345,0.3240145219129964,0.3812166637697592,0.3808995800028641,0.3779884855422201,-0.2269113174880943,-0.2274288965699367,-0.2323330775784715,-0.6435161530566014,-0.644482426974185,-0.653383881680764,-0.6264279480103288,-0.6274451234411111,-0.6367823671728773,-0.5166391173097616,-0.5173414253163777,-0.5237956855127445,1.3650883300282028,1.3633864283406985,1.3477648711538055,-1.6803758366867259,-1.6801018181746372,-1.6776658966030504,-0.2582331727362252,-0.26180627397246714,-0.29417094922072495,0.9436124331500202,0.9410261361132988,0.9172416513442698,-0.4335048731471073,-0.4326736955863562,-0.4252757307941033,0.586792086394481,0.5867311714431908,0.5861666253977459,0.13903453477953445,0.13816177328545914,0.12970723617043264,-0.3795380646679491,-0.3785868112856837,-0.3702565658551369,-1.4053928196199186,-1.404410909065757,-1.3957416045893016,-1.37402289071686,-1.3733170561282635,-1.3669876769667324,-1.5289121784969435,-1.5281828914115136,-1.521568466401184,-1.5187272218357413,-1.5176181332367984,-1.5076959211964671,1.3491155374968382,1.3495131140270429,1.3526803607467972,0.7289691692316262,0.7273872978390726,0.7125037254233464,1.3447007937735609,1.3453550574782434,1.3513748359576123,1.3767039927458022,1.3772642886140205,1.3821127202367718,1.048330882307713,1.0463306880786043,1.0288041997236104,-0.8948150184386784,-0.883090216342616,-0.7736847346058309,0.7683433268598365,0.7718935857442171,0.8029712231017672,1.007949199821555,1.006878241966845,0.9977640174486466,-1.0521926300356257,-1.0523267884915422,-1.0535499580527214,-0.5083035570843594,-0.5072979636806182,-0.4980622843107169,-0.881625535903772,-0.8816024408744195,-0.8814114817823303,-1.0221303427804924,-1.0221884113059014,-1.022747864575945,-0.5,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5,-0.5,-0.5,-0.4999999999999999,-0.5000000000000001
+1075978222,0.4472135954999579,0.4472135954999581,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.7884748185653824,0.7876133188434309,0.7796674031863651,0.33904626071703226,0.338878568959255,0.3371145186026284,0.6355619980288711,0.634935046475915,0.6290663354417723,0.7375619723750569,0.7367768172531519,0.7295058645517833,0.8804430261775792,0.8770823220912695,0.8477701266155768,-1.9004320281315028,-1.8982973592570709,-1.87887500910183,-0.6342624036049129,-0.6334916954478369,-0.6262067024229196,0.41102664369812536,0.4083671339434147,0.38557335747924143,2.077457887205709,2.0770532623513165,2.0732694570570915,-1.2303499394877466,-1.223721073791857,-1.1630213531690743,1.036362937849293,1.0382220533126654,1.054118958574427,1.9520327112760851,1.9510669190040484,1.942242129030024,1.3545918946761952,1.3625518575257585,1.4301070139483236,1.0371110320740966,1.0977200687117326,1.6668405404498114,1.3075678066715433,1.3241446432597217,1.4654346674360024,1.3414313703468754,1.3518163303115471,1.439980339567705,-1.346930071581662,-1.3477014781960486,-1.3543777533484989,-1.3047266224483651,-1.304778682718307,-1.3052647918601437,-1.376101680135822,-1.3764994663132584,-1.3798970540187874,-1.3698648958346478,-1.3705344176363774,-1.3763049649820809,-0.4560993095437836,-0.4545034717472412,-0.4401302694691092,0.2807267364159955,0.2825752299779141,0.29899802820023164,-0.09450789337752352,-0.09267030722325714,-0.07624573365694935,-0.3180971864615469,-0.3163894342989936,-0.3010574653222528,1.0,1.0,1.0,1.0,1.0,0.9999999999999998,0.9999999999999998,0.9999999999999998,1.0,1.0,1.0,1.0,1.5716643921275224,1.571027818962695,1.5648515515743613,1.7088781625795808,1.7087087129601504,1.7059781525873192,1.7884654587914162,1.788625562284586,1.789042988622145,1.6846970923808722,1.6843939305682798,1.680946143573903,1.5529454749228655,1.553169738648451,1.555153763688689,1.5779722742364393,1.5781448557251738,1.5796303132504956,1.5711192117315933,1.5713239014300249,1.573115089245344,1.5615675076693398,1.561785840003974,1.5637099365019491,0.5640187702363498,0.5638787620310616,0.5624563301532516,0.7823980782736396,0.7820209898173125,0.7785887919769072,0.7318764277886697,0.7315280670561368,0.7283083415094967,0.6430516092453783,0.6427881111978202,0.6402814954283474,0.8129231974054927,0.8156585414831519,0.8395063188252699,-0.6787767068797923,-0.6782667747404676,-0.6736306573680235,-0.3519179279554457,-0.3504701385151168,-0.3373114229544557,0.14713362179327005,0.1496770150231836,0.1725210519137932,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.4472135954999581,-0.4472135954999581,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,0.035023781547611266,0.037489135321170264,0.05969071760988836,0.8763764700711245,0.8768489319714488,0.8811572197230132,0.6074967413491389,0.6084219543900982,0.6167668410384529,0.28258578269675616,0.2844128001583779,0.30079540478411665,-0.7253823761453481,-0.7261769721886443,-0.7333943601694435,-0.30303738229877736,-0.3054933716456746,-0.3279553561919452,-0.5980930843360278,-0.5997061710802692,-0.6142281335574944,-0.6860892260894556,-0.6871571880927249,-0.6967992390670301,-1.9012963438592367,-1.901169067438216,-1.9000077321362367,-1.4037021122659197,-1.403240304660836,-1.3990535035395095,-1.7401824156782264,-1.7399062862411983,-1.7373939984861222,-1.8499466452279325,-1.8497685442204437,-1.8481455511424216,0.8725791597564391,0.8724157043349897,0.8709333138864976,-0.8826862517786569,-0.8825483326170526,-0.8812933660596239,0.17622166128089412,0.17703670006468206,0.18428882502638505,0.8689304076932166,0.8687592358498927,0.8672083264449124,-0.7388507013974636,-0.7378046632653023,-0.7279953731148817,-1.4128412387209623,-1.412744312398127,-1.4117230139216386,-1.3158621377228152,-1.3164976993965956,-1.3221791977550659,-1.0315358884120134,-1.031626956783379,-1.0323501501102423,-1.6282577824541933,-1.6271096199977253,-1.6167187778271186,0.22351294067559888,0.2250011177044266,0.23816442629571896,-0.3290653259808596,-0.3281909449739621,-0.3203308417675799,-1.1528885801354742,-1.15208683264927,-1.1445863014481104,0.9427131750198524,0.9429790659957086,0.9451945854619672,0.4899072036438372,0.4913198808962733,0.5039416632174127,0.6440855119300061,0.6456745333828678,0.6597435336180053,0.8188919491936809,0.8200853098367293,0.8304412015282132,1.1507169416922511,1.1507590856733805,1.1512140686075731,1.18877398351581,1.1883198500064884,1.1841962089667462,1.4225702417948234,1.4224834959479058,1.4216420170845152,1.4727782279017148,1.4730899307422718,1.4759635725347005,-0.049228938461041406,-0.050212558586758264,-0.05900510578194244,0.5748469058410878,0.574863088585866,0.5750533607498193,0.2835023128648416,0.2822574769689949,0.2709152631515511,0.058017808808777216,0.05681191810501821,0.045973308334701785,0.18133866257543332,0.18223150751315031,0.19009919955448726,-0.7887243786764676,-0.7894253284380249,-0.7957305805082527,-0.5710128381542636,-0.5709117737197938,-0.5698788822684684,-0.18985494875683065,-0.18869084496447144,-0.1781519734928569,0.38418614969353626,0.38398403039960416,0.3823915922963708,-0.4286362277092047,-0.4276681137505832,-0.4198349916627952,0.1977096691575971,0.19831046645806885,0.20359750577382535,0.33018854369867623,0.330261566467113,0.33103752716047297,-0.3327736213206942,-0.33283991154577913,-0.3334504499413802,0.15404039403895975,0.15331239348388684,0.14684516104743822,-0.04607559602976444,-0.04662024883966583,-0.0514578226868404,-0.20851088864694897,-0.20882131604500154,-0.2115857259428589,-0.530280290440673,-0.532139715226142,-0.5488890133434163,0.674780933911441,0.6750978529539624,0.6780064985082838,0.248448520863844,0.24771129799817265,0.2409652365354381,-0.2056829816406872,-0.20732044947963368,-0.22220332626229192,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.414213562373095,1.4142135623730947,1.4142135623730951,1.414213562373095,1.4142135623730954,1.414213562373095
+1022424360,0.4472135954999579,0.4472135954999581,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,-1.2854271462599909,-1.2868987313017803,-1.299801651992929,-1.116244487909611,-1.1184775606676385,-1.13800639086383,-1.23612694960514,-1.2378491976584098,-1.2529201589322785,-1.2700487320710692,-1.2716019752694936,-1.285209844073722,-1.0736713892940042,-1.0743468467427089,-1.080343403443637,-0.3135232232565205,-0.3160621292837439,-0.3388430699005331,-0.9497438014776456,-0.9506112633652278,-0.9585303389385592,-1.092933680473824,-1.0933652673289198,-1.0973110124147605,-0.3410542696065672,-0.3389136137589245,-0.3194107991294073,2.036697540300789,2.0388685007125176,2.0571089364956414,1.3772234156163343,1.3756038804658564,1.3616602898725705,0.0956745758906878,0.0981816493286829,0.12076171205083472,-1.7509010152858222,-1.7533671414271734,-1.7715886054925167,-1.6130969937119901,-1.6443037302508574,-1.7728459146711788,-1.7351219956052188,-1.740912124989442,-1.7789242147156317,-1.746689348116956,-1.7500265533000388,-1.7738050141396573,-0.23799458637562995,-0.23698332255364046,-0.2277440250735468,-1.0349326979985776,-1.0347711240714443,-1.0330958715779768,-0.6556961868577634,-0.6555684313798246,-0.6541419737418759,-0.4036544031539671,-0.4031072007000485,-0.3979850398310861,-1.0889488612845035,-1.0895745020356795,-1.095019513627649,-1.8550548611524436,-1.8557950403582977,-1.8622087270003644,-1.5231397449414232,-1.5239887196444108,-1.5313693594338529,-1.268541816607058,-1.26928938445979,-1.2757937866717248,1.0,1.0,1.0,1.0,1.0,0.9999999999999998,0.9999999999999998,0.9999999999999998,1.0,1.0,1.0,1.0,-0.7605240832040132,-0.7655838116562816,-0.8090142903414619,-0.6961612813183002,-0.7030846182117249,-0.7648255025386916,-0.7955944521915649,-0.8024178870648353,-0.8624543491895054,-0.7885751331367136,-0.7944385852617409,-0.8453174524376805,-0.3734539953583578,-0.372616981939181,-0.3650303974400935,-0.11981224319227796,-0.11875504965750865,-0.10919559437491806,-0.2469810536397746,-0.24602007267944534,-0.2373194694829274,-0.32312466154140485,-0.3222350687594615,-0.3141752750525377,0.5640187702363498,0.5638787620310616,0.5624563301532516,0.7823980782736396,0.7820209898173125,0.7785887919769072,0.7318764277886697,0.7315280670561368,0.7283083415094967,0.6430516092453783,0.6427881111978202,0.6402814954283474,1.7494271021959182,1.7481832384643794,1.7369380779695136,2.1693287628249336,2.1696443693159218,2.172497782568702,2.1864439767319963,2.1867903824985966,2.189860027385575,2.0941186195987807,2.093910894932874,2.0918107192996698,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.4472135954999581,-0.4472135954999581,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,1.9727148999834607,1.9729315679128263,1.9748603773989624,0.2094981983634211,0.21149151396418933,0.2298300349512496,1.0918141088921618,1.093351471672661,1.1077158050260272,1.69333229939778,1.6937916178719978,1.6982757422355699,-0.3914911008553083,-0.3884887723066173,-0.360947206751495,-1.504403457876638,-1.4997786262387005,-1.456723117869524,-0.8122111539149337,-0.8074923818368672,-0.7644089632761191,-0.5332439227951961,-0.5295525587807806,-0.4958385204178022,-0.21125426087996066,-0.21188557365313734,-0.21757068447920486,-0.9450889418131692,-0.9458784120024964,-0.9529980336585836,-0.5036405887149321,-0.504414289483636,-0.5113945306550646,-0.3137536620750185,-0.3144450560013074,-0.3206772306612564,-1.4360711407432187,-1.4353022194857967,-1.4283817168799562,1.4863395401487542,1.4856106292400093,1.4790418136903838,0.37907214173605397,0.37741930942380736,0.3626852823222797,-1.4191751009559015,-1.4183955853936931,-1.4113826294098473,0.9723556205153324,0.9721527520353171,0.9702201574217524,0.6752772646543126,0.6741482994049761,0.6639147193484026,0.917019294427306,0.9165286434702224,0.9120089928189786,0.9994862793241924,0.9994832577964671,0.9994589376988474,-0.3869617226284741,-0.3883680146570513,-0.400667960728235,1.1822097977465602,1.1803173340187951,1.1632889670922202,0.9504795738872696,0.9478407647464784,0.92414475201874,0.3413993801326058,0.3383400234765387,0.3112869961815579,0.9010742215202172,0.9016104825879132,0.9063997083180844,0.02936107185713718,0.029742815493712462,0.03358034825240652,0.26159843681771205,0.2626749112384897,0.27266493672074343,0.5742689858355419,0.5755497248208048,0.5870962403676899,0.6494204346182622,0.6491803101835448,0.6470235319233759,0.9139805819594224,0.9142552240149424,0.9166738246098486,1.0147631498560183,1.0151540903057386,1.018619413035879,0.9520979087076464,0.9524044145710692,0.9551894664264332,2.0538319018898346,2.0542088768441173,2.0575854035101853,-0.3638900876366326,-0.3642398506807815,-0.3672885325219839,1.2785800627621091,1.2808256033413723,1.3014377414003977,1.8745125989933216,1.8754743696131453,1.8841707493904019,-0.238168874162528,-0.2382933559860744,-0.2392289474396793,0.1510796459736909,0.15112616340882634,0.1515697425359412,0.032890535571935,0.0325912247208977,0.02992346857156308,-0.1221312562243713,-0.12259266692861448,-0.126604484442827,-1.4173057593570362,-1.4161852648544884,-1.405830625306938,-1.5835710546225423,-1.585467550180168,-1.6017049224324131,-1.5306719508768054,-1.530532212605492,-1.5291437622213568,-1.4550933749660633,-1.4542403061664195,-1.4463305171080103,-0.13432031671443165,-0.13422222252716193,-0.1333327006586304,-0.8962368485852364,-0.8960583063047276,-0.8944405676536411,-0.6042941323807501,-0.6040631181692403,-0.6019928891052749,-0.3458335203285637,-0.3456328902663416,-0.3438362619306822,2.0365222209873486,2.0357509417117945,2.028476078302208,0.6335780092256027,0.6334457324006232,0.6322113725163648,1.3460445056834824,1.3463620009668456,1.3492530367779183,1.8412139361375437,1.841210849009012,1.8410198526327888,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.4142135623730951,1.414213562373095,1.4142135623730947,1.4142135623730951,1.414213562373095,1.4142135623730954,1.414213562373095
+1025272393,-2.2360679774997902,-2.2360679774997894,-2.23606797749979,-2.23606797749979,-2.2360679774997894,-2.23606797749979,-2.2360679774997902,-2.23606797749979,-2.2360679774997894,-2.23606797749979,-2.2360679774997894,-2.23606797749979,-0.2774708593923828,-0.27707140053208984,-0.2732206320460268,0.05035210574776088,0.050386687473984136,0.050986140989284265,-0.16344526468759665,-0.16317776011957932,-0.16049176307352706,-0.2391936440814361,-0.2388380091067077,-0.2353729477808045,0.584288708943327,0.5872808134454147,0.6139075141473862,1.201162052417065,1.2033291340212109,1.2228470471018835,1.1918053326359677,1.1933015695312177,1.2068320040601694,0.8265325412716772,0.8291070164259046,0.8519740628971099,0.3472807235198283,0.3476279297184785,0.3507717315855368,0.16126952016260854,0.1630294853841321,0.1788175166653134,0.4827172706931256,0.4827651867557044,0.4831558496893994,0.4095414574333545,0.4098497136665462,0.4126007682161716,0.3963091206096273,0.3908152839014154,0.3414815915441935,0.5759859616379001,0.5465836615391261,0.10600537422137556,0.4275541889336754,0.41676748172972056,0.3134895472796292,0.4052579777700813,0.3982102229884912,0.3338246745719522,-0.8892634220065332,-0.8866428121822294,-0.8629549272449478,-0.08558992544583477,-0.08408427317585469,-0.07091400800578238,-0.5106361204479754,-0.5079933472357827,-0.4845333362175471,-0.7485408627739804,-0.7457987820576041,-0.7211936106121859,-0.361979783331252,-0.3613633175107177,-0.3558618564724044,-0.3540037573316753,-0.3533630861201557,-0.3476672592941497,-0.3713659944854654,-0.3707333222214401,-0.36509243705030026,-0.3687330729044006,-0.3681107602557147,-0.3625574063684942,1.0,1.0,1.0,1.0,1.0,0.9999999999999998,0.9999999999999998,0.9999999999999998,1.0,1.0,1.0,1.0,1.1162311235142908,1.1140555607418297,1.0931069789291816,0.5806936143590355,0.5818318108682755,0.5924242044183036,0.9321279134722782,0.9320079778601972,0.9301821778943612,1.067524347200057,1.06618330531405,1.0528837509596825,0.7287469289022039,0.7282214206762105,0.7234129254515582,0.4376855517412562,0.4370273456351295,0.4310172273448332,0.5846908173650206,0.5840859518237165,0.5785570045616788,0.6716828998294516,0.6711229069042814,0.6660009418400943,-1.5539420476509656,-1.5520421548542656,-1.5344009701966992,-1.9064190177844835,-1.9060280722689096,-1.9024964102832247,-1.8745727757125643,-1.8732786351110955,-1.861363436801737,-1.7143759398068559,-1.7126013839985037,-1.6961799124788919,-1.0471005737192414,-1.0428747786526564,-1.0036931992324576,-0.7883098735024576,-0.7875486166596845,-0.780531148532525,-0.8949956172280124,-0.8936360913862197,-0.8809050522882066,-1.003629659118834,-1.0011378696476156,-0.9777567390715176,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.4472135954999581,-0.4472135954999581,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-0.3197220542230645,-0.32236415755368314,-0.3459063184754257,-0.6607885739542223,-0.6608461640827569,-0.6616188923714188,-0.5993973840685686,-0.6003057629611562,-0.6086041087040353,-0.4558301280235516,-0.457737829472161,-0.4747732163390365,1.9808890196139908,1.9807481277551249,1.9792857878051997,1.7305642950323925,1.7332637913627629,1.7574425348563254,1.9628931808606536,1.9635339682842419,1.9688971281792087,1.9833346873187416,1.9833769032351398,1.983497610317612,1.0596149130033383,1.0597391537256846,1.0608527015080034,1.180587932145604,1.1806015032858606,1.180714837457521,1.1264335235071472,1.1265436719613855,1.1275303270830956,1.085610591645818,1.0857353913493342,1.086854529825554,1.4907535172957571,1.491474082703354,1.4979031356725754,-1.440752178595776,-1.441520404605244,-1.4483832029173511,1.6392525898765775,1.6400221191710238,1.6468146897764842,1.506301836554279,1.5070050084620767,1.5132763734048675,-0.7388507013974636,-0.7378046632653023,-0.7279953731148817,-1.4128412387209623,-1.412744312398127,-1.4117230139216386,-1.3158621377228152,-1.3164976993965956,-1.3221791977550659,-1.0315358884120134,-1.031626956783379,-1.0323501501102423,0.09178756689963936,0.0914067828952618,0.08804369442226935,0.3755129591868387,0.3751479299537562,0.3718509882979445,0.3721485921454951,0.3716535508115642,0.3671614415963215,0.2765230649495584,0.27583257820839635,0.2696630386381489,-0.5379719458334264,-0.5393521106123893,-0.5514888108967892,0.8134454514054608,0.8123995538453385,0.8026106329036421,0.5141109483334201,0.5120291847154478,0.4930059980113222,0.05180227624152247,0.04918810117182768,0.025795462549165503,0.40296418083282376,0.4036936963766933,0.4101712705712408,-1.7709462568516323,-1.7706858636414564,-1.7682515384722686,-1.4086711305923068,-1.408684768294386,-1.4088471977533017,-0.5722708431942668,-0.5720219112886352,-0.5699813096000811,-0.049228938461041406,-0.050212558586758264,-0.05900510578194244,0.5748469058410878,0.574863088585866,0.5750533607498193,0.2835023128648416,0.2822574769689949,0.2709152631515511,0.058017808808777216,0.05681191810501821,0.045973308334701785,0.1210989591098884,0.11753068357471035,0.0857426967740641,1.9017619492714042,1.901739022768832,1.901522651793004,1.5867425780264182,1.5851985287657269,1.570954418422839,0.8927863302780499,0.8888100967728593,0.8527418770628107,-0.3812470793338736,-0.3830266988943893,-0.3991298475545513,-0.09711750199686947,-0.09360257682863768,-0.06080589591882421,-0.3284805972064468,-0.3292561512796973,-0.3363654219125426,-0.3667864935524899,-0.36828629272727015,-0.3819085641317517,1.2161915375557482,1.2161976098773672,1.2162493638082572,0.9849969038052391,0.9846131393261232,0.9811977300206426,1.1143732522977323,1.114227105482998,1.1129305992191074,1.184681006836832,1.1846404507747144,1.1842816754531622,0.47640837896012106,0.4788825685146682,0.5012635382308396,0.63101531567987,0.6304362565814725,0.6251296731439568,0.6592314099005585,0.6601095085468324,0.6681152421657384,0.5881020395887095,0.5900108217505483,0.6073399301549604,-0.7071067811865475,-0.7071067811865476,-0.7071067811865477,-0.7071067811865477,-0.7071067811865477,-0.7071067811865476,-0.7071067811865476,-0.7071067811865474,-0.7071067811865475,-0.7071067811865474,-0.7071067811865476,-0.7071067811865474
+1081182727,0.4472135954999579,0.4472135954999581,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,1.465911910066139,1.4659782916919968,1.4665825406440767,1.5185641613562135,1.5186205849452,1.5190073434080968,1.4968494082883763,1.4968658527356369,1.4969856524060634,1.4778460332985308,1.4778898827859768,1.4782810963707866,1.282184650237976,1.2829860724197653,1.2893768473087202,0.8598590440048606,0.8605367339976548,0.8661744453445184,1.4521350667364867,1.451012850758029,1.4407610316075137,1.4143612660525997,1.4141855059263768,1.4120050770761268,-0.6945614470396567,-0.6952558594369569,-0.7015434631710736,-0.3225390403252169,-0.3260589707682645,-0.3576350333306265,-0.9654345413862504,-0.9655303735114088,-0.9663116993787992,-0.8190829148667093,-0.8196994273330926,-0.8252015364323432,-0.7926182412192545,-0.7816305678028307,-0.6829631830883868,-1.1519719232757946,-1.0931673230782522,-0.21201074844274292,-0.8551083778673512,-0.8335349634594414,-0.6269790945592579,-0.8105159555401618,-0.7964204459769828,-0.6676493491439042,1.499485621440038,1.5013877002006548,1.518185362049683,1.7111055214492084,1.7116768192324578,1.716715053144931,1.6645902000317716,1.66600150600575,1.678351626619201,1.57697290685487,1.5787796294959682,1.5946754164387118,2.1105505694787645,2.1105984509973035,2.111013847431508,1.5050059381914134,1.5040024695185792,1.4951569615016962,1.8780424850881867,1.8776050640022843,1.8737408529182116,2.037228875847807,2.037112009400296,2.0360733561566717,-1.0,-1.0,-1.0,-1.0,-1.0,-1.0000000000000002,-1.0,-1.0,-1.0,-1.0000000000000002,-1.0,-1.0,-0.9215176782273096,-0.9216350394664292,-0.9224522515282428,-0.046098891849347484,-0.04482203961233023,-0.03339152449869035,-0.5381036236982795,-0.5379260207897218,-0.5361996602351973,-0.7930132421079943,-0.7931400234730308,-0.7940580186471287,-1.1398254796370817,-1.1402834269018296,-1.1444441846921232,-1.1879720391585875,-1.1884704849315908,-1.1929839434141851,-1.1681695141941832,-1.1686549757198166,-1.1730583567443484,-1.1521633265030065,-1.1526342484411112,-1.1569100703430573,-0.16526147514348394,-0.16873803170143356,-0.20018044001579005,-0.7430792846588646,-0.743950916993467,-0.7517567355180094,-0.5069213510572048,-0.5090286525329516,-0.5280901294966092,-0.3065973939796904,-0.3095398395620585,-0.3361511436852119,-0.7686845298339663,-0.7715185088145804,-0.7970017427899843,-0.14514153160111498,-0.14587823621821444,-0.15260825919365692,-0.30542858702832604,-0.30697963333588074,-0.3211951362662739,-0.5244757572679406,-0.5269154191280138,-0.5491342232395369,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.4472135954999581,-0.4472135954999581,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-1.1755529765781392,-1.172808551469904,-1.1476450931049236,-0.7787298920614985,-0.7794191570636869,-0.7853096707653416,-1.091296033624524,-1.0900547338226925,-1.078580197122161,-1.1982839819938955,-1.195777572158173,-1.172897247418233,0.5867492096773617,0.5862715611174255,0.5818444994546257,0.6829513097405776,0.6829949498129615,0.6831466515890344,0.6435972260623634,0.643076926793433,0.6381962357693923,0.6081769137448219,0.6076472198238155,0.6027386273012809,0.21443781745632104,0.2142116028504409,0.2121889169095325,0.4114047987070166,0.4114011703174941,0.4113788417994487,0.29578236963988874,0.29566046426179904,0.2945792220129161,0.24334991606781434,0.2431624399632259,0.2414899048276893,-0.28174599049339016,-0.2814432575754038,-0.2787242014967293,0.30182664418504873,0.3015311483114785,0.2988742238153801,0.27764690150847404,0.2772280047442447,0.27348705367433235,-0.2751223466313426,-0.2748181747719004,-0.27208715148246754,-1.4393654587510702,-1.4408489295753473,-1.4546697260354942,0.7998506834789868,0.803043726581326,0.8317018697980694,-0.11933360783628692,-0.116590531617476,-0.09166858294680368,-0.935387061148551,-0.9351958598226436,-0.9336765128760576,-0.5011973165762212,-0.5015379572523783,-0.5049697640188535,-2.0890293244881946,-2.0898850589840356,-2.097434871542664,-2.0672279950840484,-2.067904156481525,-2.0737580148251498,-1.5309532642622043,-1.5306051514484031,-1.5276210102757202,-0.579610899333062,-0.5807206940201847,-0.5902836880406721,0.3528993196187609,0.35082248844277764,0.33224931793863594,0.13162387322112598,0.12902956257106954,0.1059274011140604,-0.19282068711661654,-0.19534748384409686,-0.21754949861135786,-0.4100889495384942,-0.4104069252590548,-0.41325352424735,0.4586049409663405,0.4586434624982182,0.4589596993899026,0.2621803596260994,0.2622395992012729,0.26280017828527164,-0.08599576925818518,-0.08615163150747783,-0.08749143309334859,-0.36241509209987616,-0.3617905787260093,-0.35629666910030444,0.6510145759255286,0.6511089064675205,0.6518820806338557,0.10000806098755337,0.09961874815828783,0.09584992374777508,-0.22406382797986815,-0.22384722460145526,-0.22205307602747945,0.7525540384541249,0.7529920323140292,0.7568890184867412,0.4053933456378624,0.4057206866153359,0.4086425018145441,0.6114798859781643,0.6126807255571479,0.6235982824136094,0.7565255443133919,0.7576025612353366,0.7672006687035361,1.6829760721021358,1.683720715983147,1.6905464783150008,0.775333762725687,0.7695662666457033,0.7149649042927914,1.5378029300899934,1.537836921487202,1.5382331972646899,1.645096782087282,1.6456671548177948,1.6509520952496692,1.2161915375557482,1.2161976098773672,1.2162493638082572,0.9849969038052391,0.9846131393261232,0.9811977300206426,1.1143732522977323,1.114227105482998,1.1129305992191074,1.184681006836832,1.1846404507747144,1.1842816754531622,-0.7914865825638578,-0.7895228147740719,-0.7716780554496708,-1.9676971064560504,-1.9677510809113343,-1.9682381946206875,-1.7509314784957672,-1.750499836339406,-1.7465209135215016,-1.2767390144163566,-1.2752803647069837,-1.2619009780880128,-0.7071067811865475,-0.7071067811865476,-0.7071067811865477,-0.7071067811865477,-0.7071067811865477,-0.7071067811865476,-0.7071067811865476,-0.7071067811865474,-0.7071067811865475,-0.7071067811865474,-0.7071067811865476,-0.7071067811865474
+1057569915,0.4472135954999579,0.4472135954999581,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,-1.13979044933864,-1.1385068747533778,-1.1273422291053754,-1.4001161340046608,-1.398157987241694,-1.3809326894101293,-1.241705824852802,-1.2401261350938713,-1.226324354665813,-1.1753969607556327,-1.174007087059013,-1.1618980703649633,-0.2506256361235489,-0.25080288498385656,-0.2526330146037422,0.29580587401651576,0.29515954979391523,0.289203355577811,0.019974474238008917,0.01925544250245183,0.012638858406027182,-0.17213872768429306,-0.17238987688762028,-0.17491496553344882,-0.6945614470396567,-0.6952558594369569,-0.7015434631710736,-0.3225390403252169,-0.3260589707682645,-0.3576350333306265,-0.9654345413862504,-0.9655303735114088,-0.9663116993787992,-0.8190829148667093,-0.8196994273330926,-0.8252015364323432,0.3963091206096273,0.3908152839014154,0.3414815915441935,0.5759859616379001,0.5465836615391261,0.10600537422137556,0.4275541889336754,0.41676748172972056,0.3134895472796292,0.4052579777700813,0.3982102229884912,0.3338246745719522,1.0418189718649091,1.0403290341868354,1.0267625359461316,0.4919688244466783,0.4909824096900053,0.4823642692905695,0.7991246403439244,0.7974953869282747,0.7829879088179604,0.9556488737942028,0.9540439939171952,0.9395640620688176,-0.10176130765961283,-0.10257857985183234,-0.11000110393117267,0.2116629719383547,0.2112902134909802,0.2078604982962934,0.055485573858112563,0.05489364254341212,0.04948333861144539,-0.04092839993740083,-0.04166121519289855,-0.0483323488970998,-1.0,-1.0,-1.0,-1.0,-1.0,-1.0000000000000002,-1.0,-1.0,-1.0,-1.0000000000000002,-1.0,-1.0,-0.08433607598318052,-0.07622948911538441,-0.004039737105594506,-1.5012127119216194,-1.4978118263920421,-1.4667938054695495,-0.8487916726755705,-0.8423636115005035,-0.7843714968566053,-0.3776198222282264,-0.3698586036745258,-0.3003964048016469,0.42923961254939,0.4290745494277707,0.4276791286691941,0.5522254220606321,0.5519258929763504,0.5493406774743563,0.4927499867436922,0.4925232174312751,0.4905832865868469,0.4550468499269128,0.4548585721514721,0.4532587367679452,-0.8763768634610005,-0.8762921839589783,-0.8756272328787957,0.5221418310995826,0.5223436489584822,0.5242395168168943,-0.14800534879815633,-0.14821445923054022,-0.15022106619211995,-0.5994841187915467,-0.5995926140333768,-0.6007115116527085,0.022119333785763223,0.02207001633428569,0.021252288017642725,-0.4119591192404537,-0.412072505479341,-0.4131194582808401,-0.32867325749188586,-0.3287248859254988,-0.3292532796103648,-0.18867106773733525,-0.1886192020524151,-0.18830658566287176,2.23606797749979,2.23606797749979,2.23606797749979,2.23606797749979,2.2360679774997894,2.2360679774997894,2.2360679774997902,2.23606797749979,2.23606797749979,2.23606797749979,2.23606797749979,2.2360679774997894,-0.7520708964108322,-0.7546133314076381,-0.7770976794450012,-1.2518979890015876,-1.252370481595305,-1.2567856389744023,-1.2061090894163051,-1.20690458018001,-1.214085193761397,-0.9847121868416414,-0.9863772481566432,-1.0010920206970184,-0.7253823761453481,-0.7261769721886443,-0.7333943601694435,-0.30303738229877736,-0.3054933716456746,-0.3279553561919452,-0.5980930843360278,-0.5997061710802692,-0.6142281335574944,-0.6860892260894556,-0.6871571880927249,-0.6967992390670301,-0.2211170387238003,-0.22063526921045712,-0.21631590331009726,-0.4237896089191358,-0.4234854602258827,-0.4207569795163969,-0.3048264122610241,-0.30442723245973635,-0.3008513470379206,-0.25087079205649965,-0.250419622440144,-0.2463761826751189,-0.8999203480327087,-0.9005016359437683,-0.9056940232828072,0.8598925710021679,0.8605032202996696,0.8659640606731076,-1.1853840270872102,-1.1857574143620977,-1.189038811075767,-0.9124937754924052,-0.9130639473840848,-0.9181551984424228,0.9723556205153324,0.9721527520353171,0.9702201574217524,0.6752772646543126,0.6741482994049761,0.6639147193484026,0.917019294427306,0.9165286434702224,0.9120089928189786,0.9994862793241924,0.9994832577964671,0.9994589376988474,1.2123146273796246,1.2128044045059465,1.217156404075969,0.1538968134395984,0.15470933865352895,0.16206524492839,0.5368325775160714,0.5383003929487222,0.5513913314888341,1.0329596996577572,1.0342596912063688,1.045628638452062,-1.6689177263934336,-1.6674958099467565,-1.6550163803045574,-2.175520250169033,-2.1756046195743752,-2.17632362552951,-2.19550428223227,-2.1950827252907428,-2.1910854030821367,-2.07103447334781,-2.0695609618219946,-2.0562246073619246,0.17962181034566807,0.17927863129031324,0.17614398771241074,-0.610276639927081,-0.6119228763887714,-0.6268009042732438,-0.4717557898319941,-0.4734747924068687,-0.4890903771842266,-0.16598681725493514,-0.1672145530116951,-0.17844750456099112,-1.2305438407679996,-1.2302026022185826,-1.226981853745691,-2.0878328758966003,-2.0877041394259908,-2.086582350245366,-2.0456008104668992,-2.044578053595938,-2.03496811519905,-1.5424205606511396,-1.5414037566202712,-1.5320112140048467,1.1720615751920864,1.1735168958132538,1.1862171654809075,-0.5344106790122961,-0.5348308052315154,-0.5386578212296498,0.0075765122519656685,0.00917772711645638,0.02379593157357781,0.6888018517809327,0.6915043831994796,0.7156531796535059,-0.7784367012220328,-0.7781821300933776,-0.7759618886887119,-0.2838550094123529,-0.2823042554215417,-0.2672413215629885,-0.6923595441691142,-0.6922181547267132,-0.6909277089571351,-0.7553176504759237,-0.7551150742443264,-0.7533461141076631,-1.6832854755908733,-1.6832597439503083,-1.6830325144082674,-1.727193358351515,-1.7273590521469642,-1.728793136626845,-1.7647429807082464,-1.7649104724919042,-1.7663813110112223,-1.7390254158123446,-1.7390946570860568,-1.7397036633267031,-0.530280290440673,-0.532139715226142,-0.5488890133434163,0.674780933911441,0.6750978529539624,0.6780064985082838,0.248448520863844,0.24771129799817265,0.2409652365354381,-0.2056829816406872,-0.20732044947963368,-0.22220332626229192,-0.7071067811865475,-0.7071067811865476,-0.7071067811865477,-0.7071067811865477,-0.7071067811865477,-0.7071067811865476,-0.7071067811865476,-0.7071067811865474,-0.7071067811865475,-0.7071067811865474,-0.7071067811865476,-0.7071067811865474
+1069459242,0.4472135954999579,0.4472135954999581,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999578,0.4472135954999581,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4472135954999579,0.4483017263594924,0.44888539605181976,0.4541145693138893,0.6083980940932651,0.6087497065308936,0.6118310772739497,0.5088666328282908,0.5093521936603087,0.5136842888237824,0.4692313312345506,0.4697803713960856,0.4746939012969194,-1.4226193599413288,-1.422199476229884,-1.418078070024304,-0.1428717190504182,-0.144665929271966,-0.1605067690218505,-1.0799086685279051,-1.0794669039786338,-1.0754948527122314,-1.386848042864285,-1.3859045120791564,-1.377326519504269,-0.6945614470396567,-0.6952558594369569,-0.7015434631710736,-0.3225390403252169,-0.3260589707682645,-0.3576350333306265,-0.9654345413862504,-0.9655303735114088,-0.9663116993787992,-0.8190829148667093,-0.8196994273330926,-0.8252015364323432,0.3963091206096273,0.3908152839014154,0.3414815915441935,0.5759859616379001,0.5465836615391261,0.10600537422137556,0.4275541889336754,0.41676748172972056,0.3134895472796292,0.4052579777700813,0.3982102229884912,0.3338246745719522,-0.06711651334112254,-0.07038912145557258,-0.09987119232882072,0.2221748999968909,0.2209748510431428,0.2101953490084029,0.07871914706586577,0.07656435199484078,0.05723282854104881,-0.010561618886477856,-0.013383223019133795,-0.03875586308217729,-0.10176130765961283,-0.10257857985183234,-0.11000110393117267,0.2116629719383547,0.2112902134909802,0.2078604982962934,0.055485573858112563,0.05489364254341212,0.04948333861144539,-0.04092839993740083,-0.04166121519289855,-0.0483323488970998,-1.0,-1.0,-1.0,-1.0,-1.0,-1.0000000000000002,-1.0,-1.0,-1.0,-1.0000000000000002,-1.0,-1.0,-0.9215176782273096,-0.9216350394664292,-0.9224522515282428,-0.046098891849347484,-0.04482203961233023,-0.03339152449869035,-0.5381036236982795,-0.5379260207897218,-0.5361996602351973,-0.7930132421079943,-0.7931400234730308,-0.7940580186471287,-1.1976525413790204,-1.1975652999114226,-1.1967712356772249,-1.2600989656874615,-1.2598725597475535,-1.2578086802805812,-1.2334094480063482,-1.2332580222857543,-1.2318775541665938,-1.2130092693812933,-1.2128980018591549,-1.2118842697143934,1.4675428457827506,1.4693148464525545,1.4852959827847814,0.5625603147964863,0.56359336066927,0.5728360450305263,1.0657466199905858,1.0674656127623137,1.083057949471474,1.3343542340873362,1.3361576151982988,1.3524795769601174,-0.7686845298339663,-0.7715185088145804,-0.7970017427899843,-0.14514153160111498,-0.14587823621821444,-0.15260825919365692,-0.30542858702832604,-0.30697963333588074,-0.3211951362662739,-0.5244757572679406,-0.5269154191280138,-0.5491342232395369,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.4472135954999581,-0.4472135954999581,-0.4472135954999579,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,-0.4472135954999579,-0.4472135954999579,-0.44721359549995787,0.2396072456809633,0.2393653371972287,0.2360979960164996,1.6055417865827626,1.6042953568061107,1.5927269474369004,1.1974916568680976,1.1954916509010998,1.1767868535231123,0.6629082147645528,0.6616882317566014,0.6496913374346016,-0.7253823761453481,-0.7261769721886443,-0.7333943601694435,-0.30303738229877736,-0.3054933716456746,-0.3279553561919452,-0.5980930843360278,-0.5997061710802692,-0.6142281335574944,-0.6860892260894556,-0.6871571880927249,-0.6967992390670301,1.0596149130033383,1.0597391537256846,1.0608527015080034,1.180587932145604,1.1806015032858606,1.180714837457521,1.1264335235071472,1.1265436719613855,1.1275303270830956,1.085610591645818,1.0857353913493342,1.086854529825554,0.25440480221712064,0.25335732596662525,0.2439634921004196,-0.3246203249615378,-0.3235762606288615,-0.3142035292018964,-1.28680926731479,-1.2859487190416603,-1.2782370397237144,0.2315589788321539,0.2305134632377083,0.22114027948495732,0.9723556205153324,0.9721527520353171,0.9702201574217524,0.6752772646543126,0.6741482994049761,0.6639147193484026,0.917019294427306,0.9165286434702224,0.9120089928189786,0.9994862793241924,0.9994832577964671,0.9994589376988474,1.2123146273796246,1.2128044045059465,1.217156404075969,0.1538968134395984,0.15470933865352895,0.16206524492839,0.5368325775160714,0.5383003929487222,0.5513913314888341,1.0329596996577572,1.0342596912063688,1.045628638452062,0.9427131750198524,0.9429790659957086,0.9451945854619672,0.4899072036438372,0.4913198808962733,0.5039416632174127,0.6440855119300061,0.6456745333828678,0.6597435336180053,0.8188919491936809,0.8200853098367293,0.8304412015282132,-1.9726344179505104,-1.972504798264877,-1.971299334567251,-0.1801366096628594,-0.17860979648942146,-0.1647772902209848,-0.8190868308526406,-0.8177176247536627,-0.8051240334681377,-1.6006227069019745,-1.6001062495055334,-1.5952327917067133,-0.36241509209987616,-0.3617905787260093,-0.35629666910030444,0.6510145759255286,0.6511089064675205,0.6518820806338557,0.10000806098755337,0.09961874815828783,0.09584992374777508,-0.22406382797986815,-0.22384722460145526,-0.22205307602747945,-1.9888843611690048,-1.9879777632290687,-1.979719132856521,-1.1350998831941934,-1.1343297391234541,-1.1273464944055869,-1.667676673674219,-1.6687364324404346,-1.6783932187131207,-2.026127521391172,-2.0266335293145894,-2.0308392674841684,0.5098273181172702,0.509689347459505,0.5079842909388296,1.6178460310152825,1.619476229535228,1.6346222272842297,0.8159994930047758,0.8158591306666321,0.8146061900525191,0.6019121932085191,0.6017129518531081,0.5995955729372833,-0.2820036614854964,-0.28207334173148496,-0.28268306260823645,0.4993960052873136,0.5008786863155582,0.5139930831917633,0.18636620452329655,0.18713962853481453,0.1939708243651228,-0.07599218888580654,-0.07573203815202885,-0.07343769970608045,-0.6608834365022656,-0.6608312650001071,-0.6602835343965436,-0.6464580862723047,-0.6463266139786861,-0.6451158480562018,-0.7512414788159619,-0.7513942691706169,-0.7527778384930319,-0.741210998028522,-0.7413004070933088,-0.7420521521751526,-0.7071067811865475,-0.7071067811865476,-0.7071067811865477,-0.7071067811865477,-0.7071067811865477,-0.7071067811865476,-0.7071067811865476,-0.7071067811865474,-0.7071067811865475,-0.7071067811865474,-0.7071067811865476,-0.7071067811865474
+1008962444,-0.5196662617408293,-0.5038427926408583,-0.44354075928827735,0.7971772321934232,0.7561197694907912,0.625056236564309,-0.10740779020744187,-0.0973303779771051,-0.050894154314005485,-0.4261185939318868,-0.4121337549915127,-0.35834255697912226,-0.3985250416701256,-0.3967993197373152,-0.3817721895505573,-0.4003566088128034,-0.3985631645073644,-0.3829547882985575,-0.39997601462688576,-0.39821795646845976,-0.3829124622884377,-0.3991673423814702,-0.3974291757563848,-0.3822948091726814,0.7806356374802395,0.7801981269278762,0.7762977225020279,0.3576875917685379,0.3584400427066005,0.3652362134641287,0.7039058547317799,0.7039994796696053,0.7049428185909264,0.7797419580160195,0.7795001613552697,0.7773950355161398,1.4980255004529048,1.4979242392510022,1.4970117863353094,1.3895218791625903,1.3891946285745946,1.3861832709443531,1.5932838070423672,1.5929704002021627,1.5901072884800125,1.571827317047546,1.5716077513340734,1.5696229274249516,1.8515480621877252,1.8546562211639521,1.8811352187602972,1.317719175896533,1.3179538128993904,1.3188303287062324,1.7834021129030635,1.7861942381993818,1.8097305854824703,1.9001487784402964,1.9036716909539624,1.9338094294353303,0.6468082479883399,0.6468025970720339,0.6467632622286781,0.2540849227806675,0.2542347456134842,0.255499852503752,0.4349848157074367,0.4350809181133256,0.4359032434411749,0.5583894681345304,0.5584309715494984,0.5587927927202534,0.20778993105965304,0.20161606845860985,0.1457043848932981,0.5645927623808805,0.5613517660539636,0.5312081097055781,0.4442862293159132,0.4396081125687102,0.3962399796138278,0.3162242434885689,0.310525233130721,0.25829236998628874,1.3622887930611007,1.3624105277990393,1.3634438594640503,1.0636685394235277,1.0640431398679844,1.067256381258599,1.2607623669168695,1.260962589271849,1.2626623071596137,1.3294265209045804,1.32957352305164,1.3308205482294082,1.113032893915284,1.112586406010352,1.1087906931065818,0.9937180619431446,0.9922225265221788,0.9786505814735624,1.0896039076354267,1.088845225356158,1.0821399644474143,1.1074641329217163,1.1069219384590958,1.1022350219732633,-0.1619196272422881,-0.16209617323915684,-0.1636933839456378,-0.1475503262006338,-0.14776583205490876,-0.14970073679564674,-0.15631051861443074,-0.1565016612988435,-0.15822518600736166,-0.16012259616235033,-0.16030390872042655,-0.1619422995434775,0.9635846762658428,0.9626772310149452,0.9542629349005524,0.8370544345832018,0.8360472277013064,0.8269427364583977,0.9438934619267344,0.9431923014489334,0.9367878344279382,0.9624080824130671,0.9616221545180808,0.9543672494420404,1.1186412314656702,1.119018981083478,1.1223780629830231,-1.4730922170406455,-1.4725191519421028,-1.467132801024441,0.2928048926513105,0.2932787639377352,0.29749496916286844,0.975212904597062,0.97554681324047,0.9784990147151988,0.8672009468729943,0.8674196287848467,0.8691891629612745,0.42679723222084825,0.4279158889859002,0.43820202016631865,0.7429497986092425,0.7447193648720858,0.760343082477795,0.8542230990670895,0.8550432175275137,0.8619636618676373,0.2983693554981932,0.2922935125976901,0.23657964253417574,0.8531207077068943,0.8516698036421273,0.8379573281224811,0.6533945292251055,0.6492650652747439,0.6109074276282602,0.44933604329231,0.4438112114770492,0.3929008025519576,-0.5523360829484315,-0.5495262093761795,-0.524378315708827,-1.016949961762682,-1.0154368399256035,-1.0014622239854505,-0.7693406528715797,-0.7666756108338904,-0.7424971586781829,-0.6342387083342952,-0.6313889614097794,-0.6057667090145971,1.352289390313789,1.3538762783816458,1.3681493606304318,1.5564930088216071,1.5579747548738234,1.5710369117448797,1.6793313211633305,1.6812746607435125,1.6984247721385015,1.4941989440946761,1.4959561309829092,1.5116444391654935,0.6549828302861184,0.6549837423523268,0.6549918943404784,-0.7543988684747992,-0.7543563777825038,-0.7539681475816337,-0.6162007484629317,-0.6161016214539178,-0.6151990479149199,0.5717187491584514,0.5718828512770089,0.5733451626749472,-0.4401586689298197,-0.4405666002449107,-0.44423323621342825,0.9285696491793816,0.9290152269550448,0.9327196426064468,0.06418567550225843,0.06656670197940466,0.08846394546554819,-0.3308852158698479,-0.330834125938203,-0.3303253650087449,-0.7020317922410519,-0.7024602796660919,-0.7063121858801013,0.2429995822285695,0.2422097627499517,0.23517775608097335,0.020356186358011005,0.019419345457586463,0.011082650542573905,-0.2977764145467638,-0.29866896355114125,-0.30660847026743704,0.7207186861361572,0.7204795492316554,0.7183329392784407,0.19107765119767814,0.1909820334827943,0.19002596007906095,0.4493678554548715,0.4491234024469025,0.44687896321929343,0.6150521081077389,0.6148027384539637,0.6125463671423202,-1.6818289884745372,-1.6816305204720092,-1.6797621729150505,-0.7186366409209692,-0.7188528966503944,-0.7205807405417638,-1.4827801705318204,-1.4825961772586582,-1.4806441111214692,-1.6572906664921492,-1.6570090491856682,-1.6543362295448891,2.714765698064606,2.7151793853361754,2.7201293780597444,-0.2578786162027417,-0.26298944590117124,-0.3080528971162604,2.996815259556968,2.9969754497736028,2.998250713800157,2.816145751991061,2.8166197583432115,2.8217154069569417,-2.654582647581329,-2.6543496237640647,-2.651913555499178,-2.0057941125000966,-2.0056790197917644,-2.0046205132857957,-2.242026043037272,-2.2426393567831524,-2.248195686656917,-2.4903884307378776,-2.4911379905067665,-2.4977173397026515,1.173445804713038,1.1754726222728888,1.1921541936685194,-0.3345558889656762,-0.3348286153888679,-0.3375196468508348,0.8968099380507499,0.9021006522199824,0.9495431279877292,1.1266274069223927,1.1297460104601798,1.1561966354011015,0.27268235005848,0.2736911716718894,0.2826996791036219,0.8853419568243541,0.8847938796294991,0.8799136493003881,0.591932268377003,0.5922175224070236,0.5947631844918472,0.3980444723174415,0.3988065017245801,0.4056051790897194,0.20589885207346734,0.2032581019264202,0.17937539727388094,0.1624593399932754,0.16173563265812202,0.15539860337734593,0.20871597125479666,0.2071338516066592,0.19287149145866886,0.21904461605762626,0.21676425189989648,0.19609650478688512,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1035505158,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,-1.327318744905833,-1.3306900686358292,-1.35959984277158,-1.3222667335072429,-1.3258624240008623,-1.356650335921565,-1.3274703961892405,-1.3309386628436255,-1.3606561985890049,-1.3277528190845926,-1.3311598708146497,-1.3603667584539147,-2.295387336566974,-2.295770810971701,-2.299133288478404,-1.3897320036408074,-1.3883821614036695,-1.3760063116758183,-2.257231372170208,-2.2566857125139417,-2.2516919207987165,-2.358588882229947,-2.3587413873311114,-2.3600432511445155,-0.2310278147914623,-0.23047679552163264,-0.2255423955912081,-0.1600642539567891,-0.15984774335530516,-0.15784771399680714,-0.2150468011692196,-0.2146215801227953,-0.2107756521029506,-0.2304032535465063,-0.2298838706009994,-0.22521899877115426,-0.11615901884094627,-0.11664855753381825,-0.120686149292781,0.09123549722540863,0.09153437429670544,0.0945968576703822,-0.0009581171515359453,-0.000979183114428683,-0.0007384584526302695,-0.07350719530245316,-0.07384825033456166,-0.07651604351826559,-0.41083095004972586,-0.4108291628440712,-0.4108167224228476,-0.2819320500789373,-0.2819829223112209,-0.28241243880877925,-0.34243611912793304,-0.3424677632127204,-0.3427385119935446,-0.38261738330737605,-0.3826307417973811,-0.38274719480056985,0.20778993105965304,0.20161606845860985,0.1457043848932981,0.5645927623808805,0.5613517660539636,0.5312081097055781,0.4442862293159132,0.4396081125687102,0.3962399796138278,0.3162242434885689,0.310525233130721,0.25829236998628874,-0.5253481667192191,-0.5247230714233815,-0.5190126347784871,-0.3617215481493332,-0.3614054043070455,-0.358383364262023,-0.4661780120831867,-0.4656567259825333,-0.4608417220268806,-0.5055312699072659,-0.5049399748988853,-0.4995199583126351,-0.04235141575448164,-0.042104147540708965,-0.04034487314977903,0.3000351967051185,0.3021024984314393,0.32072705040687643,0.08004717495450345,0.08098459528248411,0.08914402059210362,-0.001191562046333772,-0.000710208067433478,0.003218807830887579,0.246930995948454,0.24470224813333716,0.22490140486696275,-0.4842587866941357,-0.4851828530050994,-0.4934377983656176,-0.13160081841338153,-0.1332647870206208,-0.14804817719334834,0.09396146215459757,0.09192701343613252,0.07385852558785397,1.0706637994087729,1.0702090478602335,1.0659085635639338,1.1614187370020723,1.1614369360263457,1.1615697961939189,1.1507657039377228,1.1508759713747534,1.1518471955159202,1.1061350295748504,1.1059386741488413,1.1040430433443058,-1.5202382372731225,-1.519775866578117,-1.5155312752120929,1.26614272225046,1.2663679948391384,1.268411068499619,-0.9372973437002332,-0.9357121514013708,-0.9212282559750384,-1.4445732971743477,-1.4438117651156326,-1.436823404618632,-0.06784899852870471,-0.06569620480492443,-0.04696082715281312,-1.0043596483473722,-1.0044628993062217,-1.0050457545048797,-0.6590495706174158,-0.6569672153319989,-0.6377326477316225,-0.3023693535158691,-0.2996945305833021,-0.2759484315168128,0.14503510960809382,0.145684784203466,0.15153772044234684,0.6478862090243238,0.6478821244410511,0.6479211413835213,0.45426561202789,0.454449382030449,0.4560884383043571,0.2735527652424091,0.27396720157703164,0.27766829606034954,2.5591953293277783,2.5596010211060247,2.5631631271110797,2.442146332036914,2.4434031961163485,2.454897327729633,2.5529751453117533,2.5539792363195155,2.562865351721828,2.565095021984189,2.5657113426614915,2.5711075803318835,-1.078219045820774,-1.0793905898906535,-1.0895274221360898,0.4582562400299866,0.4574288953168976,0.4498853580743444,-0.5029110570186512,-0.5041316378247261,-0.5147841670451209,-0.9087249279577908,-0.9099593445798946,-0.9206440636541404,-0.19278383116522255,-0.19278594437684726,-0.19280483245063867,0.5293858769060699,0.5290651059762557,0.5261767523876416,0.8996781478556484,0.8997182681108371,0.9000809733479699,-0.0228901189596642,-0.02319001294759121,-0.02586720302974049,0.6317329151648888,0.6303483782046221,0.6179319587528038,0.4496145357489933,0.4469114526617447,0.4233253841000118,0.9476799702788764,0.9469393819793372,0.9399570366416128,0.7263241645773503,0.7251825338356042,0.7149077027039772,0.8579250992041849,0.8580603394464477,0.8592858571433908,0.5538273313322839,0.5542970308491306,0.5584618922854906,0.6540538612157826,0.6545264675851946,0.6587190213717825,0.7679826412750669,0.7683389748248421,0.7715055213032365,0.08005679354364423,0.08162403595654051,0.09526404915469212,1.006251589961332,1.0097122558681204,1.0401957405909783,0.6038153017518331,0.6067446206961387,0.6325784826946723,0.2992665564294076,0.3014743333912832,0.3208656593657615,0.4161167726050364,0.4159722076180356,0.414583778204056,-0.1458509342905898,-0.14394585670724544,-0.12711241961894792,0.20084914322404845,0.20178423016525,0.20986232877903327,0.3530241902713822,0.3532306416329465,0.3549079980937043,-0.4602440676772093,-0.4601807129090318,-0.4594154376025264,0.3999517562168461,0.4004643009556686,0.40493611871787627,-0.3501470838687751,-0.34972777653882303,-0.3458638934325543,-0.44136480387976507,-0.44125699705599664,-0.4400834747068024,-0.7565217826216093,-0.7562960600443861,-0.7543858046038321,-1.0389526475897268,-1.0390157376143514,-1.0395813965163812,-1.0081511600807025,-1.0082413735154896,-1.0090703427237528,-0.9279100250566592,-0.9278478495745868,-0.9272990777831759,-1.0843207349929869,-1.0817617605368592,-1.0578930190190394,-0.4042595733248287,-0.4021310634004796,-0.3824305958549925,-1.173060703555502,-1.1731234660873808,-1.1723614494907972,-1.1363426513066328,-1.1343292429951122,-1.1149031342514215,0.5600464586459379,0.5589881301377907,0.5495147746080393,0.009797747082638305,0.009889891426116798,0.010653606274147793,0.30760128305894624,0.30695210644103604,0.3011303516812964,0.4679464801321565,0.4670012638969351,0.4585414207859882,-0.6647498156818008,-0.6635057285539155,-0.6520861973628644,-1.8909812454500063,-1.8910206943527827,-1.891233961121662,-1.6324151643538585,-1.6327355312742295,-1.6355553944255912,-1.1331165018170883,-1.1324758404054505,-1.1264523011909555,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1019509390,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,-0.493232249802527,-0.4930962496380217,-0.4918037683498224,-0.4349017641285596,-0.4349745163234187,-0.4355999235898417,-0.4695934231225058,-0.4695447823076782,-0.469052792878966,-0.48476192108544497,-0.4846576647994381,-0.4836557263499878,0.7235507256123718,0.7228136351809344,0.7163206447033355,-1.9677346222520047,-1.9693305897846607,-1.9838279253971731,-0.6228409262658121,-0.6247483041090289,-0.6419425221225968,0.27489381474884284,0.27365712602585257,0.2626253112222522,-0.3402875912941069,-0.3401191890917782,-0.3386489651797785,-1.0672779363166978,-1.0673241422603854,-1.0677118219703057,-0.7870446248801922,-0.7868856646551121,-0.7854888514450612,-0.5234631231911185,-0.5232747375461522,-0.5216314776309019,0.6915592373327936,0.6884107486219784,0.6607172878235411,0.6217755184982773,0.6175241763108491,0.5803845048854125,0.7487745404272504,0.7449294605339721,0.7110652052385239,0.7437705945710734,0.7403606469519366,0.7103064329968739,-0.41083095004972586,-0.4108291628440712,-0.4108167224228476,-0.2819320500789373,-0.2819829223112209,-0.28241243880877925,-0.34243611912793304,-0.3424677632127204,-0.3427385119935446,-0.38261738330737605,-0.3826307417973811,-0.38274719480056985,2.475417206318927,2.4860058531149694,2.5762522475671656,1.3854640458188507,1.3951839804329638,1.4833779732879184,1.9629811549073388,1.9751778960359885,2.083964710668876,2.306925589377047,2.3189516375690378,2.4237519750357155,-0.5253481667192191,-0.5247230714233815,-0.5190126347784871,-0.3617215481493332,-0.3614054043070455,-0.358383364262023,-0.4661780120831867,-0.4656567259825333,-0.4608417220268806,-0.5055312699072659,-0.5049399748988853,-0.4995199583126351,1.0160510905299438,1.0147638289278758,1.003533221054978,1.0140462632647218,1.0121631145297925,0.9952740885570848,1.033115251764776,1.031668378443081,1.0189152392060086,1.0239257992187665,1.0225920123807422,1.0109166806889345,-0.9820173394282159,-0.98092460616333,-0.9709638692590452,-0.7717996054022155,-0.7706167117124858,-0.7598491020964341,-0.8838022259943508,-0.8825890144465608,-0.8715607253104524,-0.9450516187880054,-0.9438920150943672,-0.9333387094028556,1.0706637994087729,1.0702090478602335,1.0659085635639338,1.1614187370020723,1.1614369360263457,1.1615697961939189,1.1507657039377228,1.1508759713747534,1.1518471955159202,1.1061350295748504,1.1059386741488413,1.1040430433443058,-1.307134082490703,-1.3062972763064442,-1.298657289713259,0.8293460856219652,0.8303050077463324,0.8391390667012546,-0.9959964269299272,-0.9934294886864716,-0.9700217057830788,-1.2841037895442355,-1.282850532973076,-1.2713925494969391,0.8672009468729943,0.8674196287848467,0.8691891629612745,0.42679723222084825,0.4279158889859002,0.43820202016631865,0.7429497986092425,0.7447193648720858,0.760343082477795,0.8542230990670895,0.8550432175275137,0.8619636618676373,1.432486033765073,1.433699136424411,1.4445844883871612,0.2093115656131536,0.2107387323838804,0.2239456212834475,0.8593581141144243,0.8613199014591912,0.8794573802294389,1.2383741003592572,1.2400021685376916,1.2548509673972024,-0.5975442777331909,-0.5994397987344643,-0.6161068312868114,-0.16805609954119544,-0.1696792883336552,-0.18445833440075415,-0.4168422021774765,-0.4190510906805897,-0.4387652013659803,-0.5327299816017812,-0.5348116945630134,-0.5532092877007593,1.4584129975117843,1.4577859237220347,1.452114449557125,1.2827036688537272,1.2818057511201193,1.273636038583051,1.6163148838689099,1.6155814416323033,1.6086985103698217,1.5456029393836894,1.544941417291382,1.5388587741333828,0.6549828302861184,0.6549837423523268,0.6549918943404784,-0.7543988684747992,-0.7543563777825038,-0.7539681475816337,-0.6162007484629317,-0.6161016214539178,-0.6151990479149199,0.5717187491584514,0.5718828512770089,0.5733451626749472,0.6317329151648888,0.6303483782046221,0.6179319587528038,0.4496145357489933,0.4469114526617447,0.4233253841000118,0.9476799702788764,0.9469393819793372,0.9399570366416128,0.7263241645773503,0.7251825338356042,0.7149077027039772,0.8579250992041849,0.8580603394464477,0.8592858571433908,0.5538273313322839,0.5542970308491306,0.5584618922854906,0.6540538612157826,0.6545264675851946,0.6587190213717825,0.7679826412750669,0.7683389748248421,0.7715055213032365,-1.6233801688740006,-1.6232403987976092,-1.6220163142584985,-1.977136837155196,-1.9764810279467069,-1.9706508851105613,-1.8819418513799564,-1.881721691483216,-1.87981092146234,-1.7480180440660518,-1.7479200264252241,-1.7470968007701526,0.33647030510728204,0.3351053226024648,0.3226492100582819,0.9289530312957318,0.9246202896747648,0.8853585306824532,0.6994069782256351,0.6960192171025695,0.6654629495487528,0.469893624783392,0.4677709090454413,0.448560937039061,-0.4602440676772093,-0.4601807129090318,-0.4594154376025264,0.3999517562168461,0.4004643009556686,0.40493611871787627,-0.3501470838687751,-0.34972777653882303,-0.3458638934325543,-0.44136480387976507,-0.44125699705599664,-0.4400834747068024,0.2643597130924321,0.26637247286380084,0.2842422486576636,-0.6331931766368445,-0.6332499913365142,-0.6337798244548267,-0.43477508487176814,-0.43402938898157095,-0.4272131939999645,-0.14086837572626104,-0.13921675829356708,-0.1242617441126702,1.0609208413089417,1.0629046667342363,1.0799568062178937,-0.8051727318058045,-0.8116132994862205,-0.8699341124183072,0.5681569718000719,0.5700228129463577,0.5873654229776658,0.9514502218114048,0.953748798549272,0.9738198450490028,-0.3931359631927205,-0.39347990391241583,-0.3965403500804224,-0.25223913133711656,-0.25281429918606063,-0.25791926686698985,-0.3391308840755328,-0.3395398184774229,-0.34316951850228106,-0.37591020849632495,-0.3762688645127418,-0.3794563286503905,-0.6597798891250999,-0.6590400248985939,-0.6523054991190451,-0.5368967516234839,-0.5357186404623372,-0.5251496425740688,-0.6802510948467608,-0.6795440688052553,-0.6732297787807939,-0.7069890071504583,-0.7063576312835061,-0.7006508013737941,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1065571427,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,0.7470974004545955,0.7495766670648455,0.7709118090894824,0.8359804485026509,0.8387733370123185,0.8627987731614984,0.7856833371615922,0.7882950241561922,0.8107642735664512,0.7613666345827049,0.7638942720588904,0.7856434381830175,0.14178446886197324,0.1422502679125233,0.1463515392051121,0.8667616768381547,0.8662476730368098,0.8615550645500786,0.5725591785881213,0.5727449521898574,0.5743336054149004,0.2977881515314361,0.2982054583043738,0.3018666263343414,-1.1740697832657652,-1.1742790391764188,-1.1760858424063592,0.4037205097153319,0.4038100215872023,0.4046251723452036,-0.4044436489491248,-0.4046020413454717,-0.4059215523557289,-0.9014198411531374,-0.9016126610212636,-0.9032478395799912,-0.11615901884094627,-0.11664855753381825,-0.120686149292781,0.09123549722540863,0.09153437429670544,0.0945968576703822,-0.0009581171515359453,-0.000979183114428683,-0.0007384584526302695,-0.07350719530245316,-0.07384825033456166,-0.07651604351826559,1.5822001543714008,1.5821989457644308,1.5821905325025771,1.4653545049912269,1.4654109649515783,1.4658873666539505,1.527083202480657,1.527112506262391,1.5273630970724619,1.5615427468825716,1.561553249482671,1.561644778163481,0.20778993105965304,0.20161606845860985,0.1457043848932981,0.5645927623808805,0.5613517660539636,0.5312081097055781,0.4442862293159132,0.4396081125687102,0.3962399796138278,0.3162242434885689,0.310525233130721,0.25829236998628874,1.456977890262712,1.4569559811549868,1.4567102715726272,1.311269777310664,1.3118251695756455,1.3166075588181327,1.4201221234838064,1.4203193894421977,1.4219832197581026,1.4474296685786825,1.4474845665859533,1.4479092064154395,-0.018284457102902846,-0.018477487213913287,-0.020172870655541842,0.3811851517581036,0.3810530619548702,0.3798264638556921,0.12506540288392548,0.12492950012342813,0.12372496100451125,0.02998629802300673,0.02981356070361782,0.028292394982280006,-1.1393220844419032,-1.138363894122174,-1.1298569018642235,-0.7185172359663209,-0.7181435867547168,-0.7148123535186546,-0.9330915521933828,-0.9323372317443744,-0.9256486780568094,-1.0589636829701965,-1.0580619272757132,-1.0500626927566918,0.18581516058272754,0.18970314599435747,0.2254668339193184,-1.2169360501272986,-1.218916650712792,-1.2366217481418065,-0.4255833368157435,-0.4244240556773759,-0.4135136261197488,-0.033537242715142065,-0.030592094330205138,-0.0033740565766356783,-1.5887868569107064,-1.5896459385993609,-1.597528397649214,0.4680682587798874,0.4643162730397594,0.4299863488191826,-1.6064388646646464,-1.6090041061023428,-1.632326885057618,-1.6483118699777741,-1.6496259682607255,-1.661660564662406,0.8672009468729943,0.8674196287848467,0.8691891629612745,0.42679723222084825,0.4279158889859002,0.43820202016631865,0.7429497986092425,0.7447193648720858,0.760343082477795,0.8542230990670895,0.8550432175275137,0.8619636618676373,-2.084260976442711,-2.083228320529191,-2.0731479107082422,-1.7054426781285863,-1.706404666119518,-1.7151734492970936,-2.0713213178722314,-2.0716381952724467,-2.0742339361773925,-2.1330463475177472,-2.1324880156317594,-2.126819275943334,-0.5975442777331909,-0.5994397987344643,-0.6161068312868114,-0.16805609954119544,-0.1696792883336552,-0.18445833440075415,-0.4168422021774765,-0.4190510906805897,-0.4387652013659803,-0.5327299816017812,-0.5348116945630134,-0.5532092877007593,-0.25377114016430263,-0.2515434541199241,-0.2316725670665335,-0.7062063504611287,-0.7039159209662861,-0.6833201744316004,-0.5188920510484771,-0.5163089704370633,-0.493121414601143,-0.3492814028863575,-0.34688220814082754,-0.3254359562203548,0.6549828302861184,0.6549837423523268,0.6549918943404784,-0.7543988684747992,-0.7543563777825038,-0.7539681475816337,-0.6162007484629317,-0.6161016214539178,-0.6151990479149199,0.5717187491584514,0.5718828512770089,0.5733451626749472,1.988836446962819,1.9905081753368852,2.0052846006974856,-1.5740309701200583,-1.5749476970933054,-1.5821914450458658,1.239443505474993,1.2380080796919437,1.224234042321772,1.8649147582509071,1.8665607250734784,1.8812135972051465,-2.100973544420027,-2.100590663415519,-2.0971285104584583,-2.3351464421900827,-2.3354563806651,-2.3381718529818083,-2.3828601467454527,-2.382962352202437,-2.3838178449836294,-2.345632089151167,-2.345374149133584,-2.3430290690069437,0.19608488016846107,0.19542727217496253,0.18973642143573796,0.4800372213749821,0.4785190140053941,0.4652790452039207,0.3629603305108524,0.3618810196335985,0.35249548326188485,0.2676961747936401,0.2668790345827617,0.2597926502643318,0.4161167726050364,0.4159722076180356,0.414583778204056,-0.1458509342905898,-0.14394585670724544,-0.12711241961894792,0.20084914322404845,0.20178423016525,0.20986232877903327,0.3530241902713822,0.3532306416329465,0.3549079980937043,-0.4602440676772093,-0.4601807129090318,-0.4594154376025264,0.3999517562168461,0.4004643009556686,0.40493611871787627,-0.3501470838687751,-0.34972777653882303,-0.3458638934325543,-0.44136480387976507,-0.44125699705599664,-0.4400834747068024,0.3036947459137805,0.3030863825766376,0.29763272259769297,0.4674543522533979,0.4674541432092562,0.4674543088850641,0.4445108875401154,0.4443854478208992,0.4432317249509783,0.3960178831700572,0.3956530724419859,0.39232011827542734,-1.0843207349929869,-1.0817617605368592,-1.0578930190190394,-0.4042595733248287,-0.4021310634004796,-0.3824305958549925,-1.173060703555502,-1.1731234660873808,-1.1723614494907972,-1.1363426513066328,-1.1343292429951122,-1.1149031342514215,1.2258647718971387,1.226159205722096,1.2287548037920837,1.1473788352441092,1.1474980702416764,1.1484865224415255,1.2386644355114822,1.2387094473254827,1.2390630546754249,1.241901160945923,1.2420766301342572,1.2436029285260979,0.4786441913786633,0.48013109678147703,0.4935622134598421,0.5717707611905586,0.5709772966378198,0.5637269610399863,0.6213582546981316,0.6218747110836764,0.626609100050515,0.5697064101472239,0.5709265067571806,0.5820229612508191,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1096878314,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,-1.4494402756624456,-1.4468783766387694,-1.4244246093913315,-1.602148510812502,-1.599488314210993,-1.576063214467329,-1.5160179579197437,-1.5134041112538932,-1.4904488675527985,-1.4741067406416708,-1.4715241345286068,-1.4488721393510735,0.041139314582248336,0.040753854650137054,0.03737861262374026,-0.6670146750332498,-0.6659828283511597,-0.6565886495707646,-0.34331472461818363,-0.34314511199796066,-0.34148820137205776,-0.09249382409604784,-0.0927215957859403,-0.0946551136327919,-0.7295708049091155,-0.7296603452351416,-0.7304669941120394,0.043337485050276715,0.04239323918346356,0.03386622001714084,-0.36870265012123504,-0.3693232467054875,-0.374887048852456,-0.6060931882723674,-0.606388416792332,-0.6090321246196287,0.6915592373327936,0.6884107486219784,0.6607172878235411,0.6217755184982773,0.6175241763108491,0.5803845048854125,0.7487745404272504,0.7449294605339721,0.7110652052385239,0.7437705945710734,0.7403606469519366,0.7103064329968739,-0.41083095004972586,-0.4108291628440712,-0.4108167224228476,-0.2819320500789373,-0.2819829223112209,-0.28241243880877925,-0.34243611912793304,-0.3424677632127204,-0.3427385119935446,-0.38261738330737605,-0.3826307417973811,-0.38274719480056985,-0.5237772117313121,-0.5235522219099166,-0.5205793778837052,-0.18032630245753853,-0.18009811699369893,-0.17801803731272894,-0.34500329647779165,-0.3450714962539421,-0.3453495264655312,-0.4572756719545898,-0.4572981683100985,-0.4567785978803776,-0.5253481667192191,-0.5247230714233815,-0.5190126347784871,-0.3617215481493332,-0.3614054043070455,-0.358383364262023,-0.4661780120831867,-0.4656567259825333,-0.4608417220268806,-0.5055312699072659,-0.5049399748988853,-0.4995199583126351,-0.018284457102902846,-0.018477487213913287,-0.020172870655541842,0.3811851517581036,0.3810530619548702,0.3798264638556921,0.12506540288392548,0.12492950012342813,0.12372496100451125,0.02998629802300673,0.02981356070361782,0.028292394982280006,-0.7364960457645306,-0.7379587391011518,-0.751241172637823,-0.8867905473653844,-0.8881926602860319,-0.90096102630973,-0.8234736787717688,-0.8249101309794351,-0.8379734545448937,-0.7739989565064351,-0.7754555384548217,-0.7886894258595057,-0.25350502633567074,-0.2552977781663362,-0.27177723944308435,0.4689589526331156,0.4701171207395116,0.4804870846611702,0.05547609142008292,0.05501331093053249,0.05062550732188485,-0.1436327257112732,-0.14497431192124402,-0.1573741799520222,0.6924329219008312,0.6920618005401321,0.6886300919853555,-0.5994989437836565,-0.6003931777564907,-0.6085887974277129,0.4102030591106987,0.40871343850793695,0.3950818687789497,0.6542738893368379,0.6536243489553565,0.6476373044718131,-2.5518998088748006,-2.5509241403206446,-2.5418218240774944,-1.5090677638137824,-1.51040585031682,-1.523217232758873,-2.342932057360312,-2.345767357372855,-2.370499819748584,-2.5751158116671546,-2.5754290573230754,-2.5771982531912285,0.14503510960809382,0.145684784203466,0.15153772044234684,0.6478862090243238,0.6478821244410511,0.6479211413835213,0.45426561202789,0.454449382030449,0.4560884383043571,0.2735527652424091,0.27396720157703164,0.27766829606034954,-0.5523360829484315,-0.5495262093761795,-0.524378315708827,-1.016949961762682,-1.0154368399256035,-1.0014622239854505,-0.7693406528715797,-0.7666756108338904,-0.7424971586781829,-0.6342387083342952,-0.6313889614097794,-0.6057667090145971,-1.4159635546325862,-1.4162220655858793,-1.4185284139864476,-1.3922194048408794,-1.392273352621601,-1.3925963878477827,-1.6415214587866778,-1.6418587292767868,-1.6445890150772935,-1.525041341268084,-1.525347302767993,-1.5279730401462268,-2.5037788267697016,-2.503774934254245,-2.5037401418998373,1.6544508347497164,1.655521465007496,1.6651337283576015,-0.5177088491079351,-0.5183649651737601,-0.5243286538172806,-2.7670332699536004,-2.76665420459468,-2.7632570012557736,0.6317329151648888,0.6303483782046221,0.6179319587528038,0.4496145357489933,0.4469114526617447,0.4233253841000118,0.9476799702788764,0.9469393819793372,0.9399570366416128,0.7263241645773503,0.7251825338356042,0.7149077027039772,-0.7020317922410519,-0.7024602796660919,-0.7063121858801013,0.2429995822285695,0.2422097627499517,0.23517775608097335,0.020356186358011005,0.019419345457586463,0.011082650542573905,-0.2977764145467638,-0.29866896355114125,-0.30660847026743704,0.7313220897698917,0.7312025524481395,0.7301742746139088,0.4150862152320608,0.4139150420729745,0.4034127357098473,0.5803626984599085,0.5796243920850819,0.5730064951056202,0.6759623419277292,0.6755906480715402,0.672282951609352,1.3673072514072344,1.3686535142521337,1.3809590147859507,1.4416907684563134,1.4430697040483118,1.45548665645033,1.6453108486250625,1.6465261426229565,1.657569096581288,1.498422250733635,1.4996791505253493,1.5111877653675343,-0.4602440676772093,-0.4601807129090318,-0.4594154376025264,0.3999517562168461,0.4004643009556686,0.40493611871787627,-0.3501470838687751,-0.34972777653882303,-0.3458638934325543,-0.44136480387976507,-0.44125699705599664,-0.4400834747068024,0.3036947459137805,0.3030863825766376,0.29763272259769297,0.4674543522533979,0.4674541432092562,0.4674543088850641,0.4445108875401154,0.4443854478208992,0.4432317249509783,0.3960178831700572,0.3956530724419859,0.39232011827542734,-1.0843207349929869,-1.0817617605368592,-1.0578930190190394,-0.4042595733248287,-0.4021310634004796,-0.3824305958549925,-1.173060703555502,-1.1731234660873808,-1.1723614494907972,-1.1363426513066328,-1.1343292429951122,-1.1149031342514215,1.2258647718971387,1.226159205722096,1.2287548037920837,1.1473788352441092,1.1474980702416764,1.1484865224415255,1.2386644355114822,1.2387094473254827,1.2390630546754249,1.241901160945923,1.2420766301342572,1.2436029285260979,2.0161309259075235,2.0145340246163506,1.9995843520323169,1.3466420012256373,1.3466396562632659,1.3464170428114646,1.8724569538073577,1.8730396244548444,1.8781689072733083,2.0687562065183793,2.068487062607121,2.0656528273654096,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1038761170,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,-0.3918285724082386,-0.3899904459059521,-0.37399217892838704,-0.3979140220733055,-0.3959886244799665,-0.3792324049951333,-0.3950535716019429,-0.3931746455505352,-0.3768217318426428,-0.3931152004529063,-0.39126150481394656,-0.3751278756348921,0.3518686348036191,0.35138006639469577,0.3469608818292433,1.0210311942665469,1.0216632472381058,1.0273522454464947,0.7941681103057311,0.7943737710791804,0.7962719788405811,0.5189302110611372,0.5187120227238939,0.5167511159092097,-0.7295708049091155,-0.7296603452351416,-0.7304669941120394,0.043337485050276715,0.04239323918346356,0.03386622001714084,-0.36870265012123504,-0.3693232467054875,-0.374887048852456,-0.6060931882723674,-0.606388416792332,-0.6090321246196287,-2.3290312330771235,-2.3289414585135115,-2.327938371974553,-0.7875278827824025,-0.7826912736904975,-0.7402457870838366,-1.688371722307103,-1.6860503114181518,-1.6654498939836688,-2.161532719849104,-2.1610328513807717,-2.156492942238218,1.5822001543714008,1.5821989457644308,1.5821905325025771,1.4653545049912269,1.4654109649515783,1.4658873666539505,1.527083202480657,1.527112506262391,1.5273630970724619,1.5615427468825716,1.561553249482671,1.561644778163481,0.20778993105965304,0.20161606845860985,0.1457043848932981,0.5645927623808805,0.5613517660539636,0.5312081097055781,0.4442862293159132,0.4396081125687102,0.3962399796138278,0.3162242434885689,0.310525233130721,0.25829236998628874,0.17887741664060886,0.17636745270016368,0.15357594691563006,0.5341234626353328,0.531289668894254,0.505650096842307,0.32846251479339705,0.3257997342891097,0.3016666724035276,0.23270416781933656,0.23013735550690964,0.2068468889658236,-0.04235141575448164,-0.042104147540708965,-0.04034487314977903,0.3000351967051185,0.3021024984314393,0.32072705040687643,0.08004717495450345,0.08098459528248411,0.08914402059210362,-0.001191562046333772,-0.000710208067433478,0.003218807830887579,-0.9820173394282159,-0.98092460616333,-0.9709638692590452,-0.7717996054022155,-0.7706167117124858,-0.7598491020964341,-0.8838022259943508,-0.8825890144465608,-0.8715607253104524,-0.9450516187880054,-0.9438920150943672,-0.9333387094028556,-1.3580137586209156,-1.3583041421125592,-1.3608410057689018,-1.066448333116048,-1.0657195802734742,-1.0591500432730665,-1.2803432352154704,-1.2805680328176428,-1.2826657475929673,-1.3383527394993315,-1.3386961891958105,-1.341791341560657,0.6924329219008312,0.6920618005401321,0.6886300919853555,-0.5994989437836565,-0.6003931777564907,-0.6085887974277129,0.4102030591106987,0.40871343850793695,0.3950818687789497,0.6542738893368379,0.6536243489553565,0.6476373044718131,-0.03155706495966094,-0.03697328726286611,-0.08453050245984542,1.4617117826498478,1.4577792660244608,1.4222680990247152,0.8872148936825855,0.8801857408451945,0.8166737923620186,0.327262382447641,0.3202933400643709,0.2585629666934477,-0.8624108327322725,-0.8639886334229393,-0.8786504476062159,-0.013828675362153951,-0.014723041877885666,-0.023210717529201445,-0.4516230719075854,-0.45329652519877,-0.4690770108748636,-0.7190239450618146,-0.7207432905577009,-0.7368200410379445,-0.5523360829484315,-0.5495262093761795,-0.524378315708827,-1.016949961762682,-1.0154368399256035,-1.0014622239854505,-0.7693406528715797,-0.7666756108338904,-0.7424971586781829,-0.6342387083342952,-0.6313889614097794,-0.6057667090145971,0.29622058304350096,0.2931073122560796,0.2652586026372109,0.5966906144739766,0.5934483194648045,0.5643598251668689,0.493685476130709,0.4900316827925797,0.45723090989367104,0.3698430010019629,0.3664763226642168,0.3363216902075104,-0.19278383116522255,-0.19278594437684726,-0.19280483245063867,0.5293858769060699,0.5290651059762557,0.5261767523876416,0.8996781478556484,0.8997182681108371,0.9000809733479699,-0.0228901189596642,-0.02319001294759121,-0.02586720302974049,0.41672862742615735,0.4178874755567596,0.4282923504967743,-1.3045752057278146,-1.3050799719354484,-1.309428725493308,-0.3089644642139017,-0.3118668723859003,-0.33868233142736026,0.2532580686479848,0.2537005949890547,0.2575862024984909,1.3163851773012318,1.3158001889309832,1.3104521069601651,1.415157063261607,1.4150080815846433,1.4136787323742162,1.4547386146959709,1.4544536755637285,1.4518752820231988,1.4469038010205282,1.4463913512452404,1.44174747203258,0.7313220897698917,0.7312025524481395,0.7301742746139088,0.4150862152320608,0.4139150420729745,0.4034127357098473,0.5803626984599085,0.5796243920850819,0.5730064951056202,0.6759623419277292,0.6755906480715402,0.672282951609352,0.6969212447164015,0.6975842285087229,0.7036120292727446,1.7218323540175682,1.7230537873571508,1.7334925653074067,1.344901281813595,1.3454826254795171,1.3505750852965477,0.9376393816883856,0.9382373443208564,0.9436542369604376,0.2534713878379301,0.2530428025135231,0.2478893425789705,-1.2708918386575891,-1.2701303303942546,-1.2632499669544364,-0.2728928362377723,-0.2744405070009208,-0.2886017298861389,0.1367039375836459,0.13608961052438165,0.12943445799533754,0.3036947459137805,0.3030863825766376,0.29763272259769297,0.4674543522533979,0.4674541432092562,0.4674543088850641,0.4445108875401154,0.4443854478208992,0.4432317249509783,0.3960178831700572,0.3956530724419859,0.39232011827542734,-0.04865964107088766,-0.06114571272730509,-0.1724220643058025,2.829605886821401,2.8290240540587748,2.822986487190543,1.3219821266688658,1.3106105274426652,1.2041379294386043,0.3293587775995151,0.31590196400816073,0.19450320469793475,-1.2569698146142847,-1.2579004340962048,-1.2663297198835015,-1.651446692734191,-1.6518884454113851,-1.655830475373859,-1.5085842405248968,-1.5091713547918435,-1.5144848875946684,-1.365216615737941,-1.3660185342707587,-1.3732794935600172,-1.2696657496917738,-1.269448882680556,-1.2673150452388475,-0.4794974838551864,-0.4781517383389245,-0.4660057644951922,-0.9206487006053636,-0.9203259304198536,-0.9174770085679028,-1.187929580053878,-1.187980807494749,-1.1884058090634435,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1016021370,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,0.6523901923221941,0.653279737164139,0.6608802302902173,0.8014352931868948,0.8023619851962641,0.8101536378702141,0.7160659286659721,0.7169681983169736,0.7246239429759231,0.6757720558787302,0.676665783015837,0.6842825210057111,0.5705514715385935,0.5710683284457037,0.5756883798778967,0.20341807434014594,0.2030244685053047,0.1994390325677125,0.4822969230141702,0.4823706607802823,0.4830044451652458,0.5585998984863184,0.5589935969357495,0.5625105459412714,1.4428097357112637,1.4428467014530884,1.4432109669732516,0.6392894824606707,0.6408940295344843,0.6553641812849692,1.13920083345552,1.140129187612554,1.148470982384134,1.3591307292480244,1.3594971863513217,1.3628078594533162,-0.11615901884094627,-0.11664855753381825,-0.120686149292781,0.09123549722540863,0.09153437429670544,0.0945968576703822,-0.0009581171515359453,-0.000979183114428683,-0.0007384584526302695,-0.07350719530245316,-0.07384825033456166,-0.07651604351826559,0.524560956333335,0.5245671858483254,0.5246105478510513,0.9293375321316222,0.9291932970268734,0.9279750753414192,0.7496622676452874,0.7495638249363449,0.7487213416377425,0.6205358954406652,0.6204915361357913,0.6201047906426578,0.20778993105965304,0.20161606845860985,0.1457043848932981,0.5645927623808805,0.5613517660539636,0.5312081097055781,0.4442862293159132,0.4396081125687102,0.3962399796138278,0.3162242434885689,0.310525233130721,0.25829236998628874,-1.8283811566310375,-1.8290745856922697,-1.8353771756325001,-2.411723815933523,-2.4119561263783025,-2.4142047744270565,-2.0985790682619463,-2.099117472532688,-2.104086808944944,-1.9293336763449511,-1.9299801372360301,-1.9358860584629356,-2.262867636291709,-2.2629311496557416,-2.2633628718217578,-2.0193117470782496,-2.0187436755958643,-2.013332434940156,-2.2148821268800942,-2.214867964019163,-2.214595809579181,-2.25142706886237,-2.251485767816733,-2.2518803955331688,2.172336103924757,2.1735676867149487,2.1844726715290577,2.3765932851871368,2.3770275751816654,2.3808784953322784,2.3041891958746183,2.3049584855661647,2.311770733392477,2.2323218836089924,2.233361273675893,2.2425623141534943,-1.3580137586209156,-1.3583041421125592,-1.3608410057689018,-1.066448333116048,-1.0657195802734742,-1.0591500432730665,-1.2803432352154704,-1.2805680328176428,-1.2826657475929673,-1.3383527394993315,-1.3386961891958105,-1.341791341560657,0.33477323197357645,0.33497469201803026,0.33687924342480896,1.0721687929439054,1.0737845182285002,1.088379925849452,1.1967427465344995,1.1974400677791108,1.2037673974776106,0.5370734468800401,0.5375160878153366,0.5416127542722013,-0.6817999180714025,-0.6846924731411024,-0.7095218438493187,1.3532459973226587,1.3543517262674238,1.363278316583523,0.4610666810930046,0.4576058030353145,0.4256516406702512,-0.2619309065012371,-0.2659535611014434,-0.3013740664223287,0.14503510960809382,0.145684784203466,0.15153772044234684,0.6478862090243238,0.6478821244410511,0.6479211413835213,0.45426561202789,0.454449382030449,0.4560884383043571,0.2735527652424091,0.27396720157703164,0.27766829606034954,0.7439950152251398,0.7433684009801856,0.7371995725813238,0.6404639757079573,0.640812238497542,0.6436613409148673,0.7112078110064459,0.7111259794522572,0.7098434648883212,0.7342705147129104,0.7338511599099499,0.7295148487574723,1.1206684886999725,1.120954448026809,1.1231134577067674,-0.5677719760171387,-0.5678964968183793,-0.5688457073390759,0.4777044821008831,0.4778543501802425,0.4788936623376489,0.9292865260733962,0.929553459103284,0.931529797641296,1.502749491737459,1.5027534290815008,1.5027886211315955,-2.038183613855668,-2.037777861541263,-2.0341130475509086,-2.1320796447815122,-2.1319215110186724,-2.130479069177809,1.166327617276567,1.1669557155016086,1.1725575283796348,-0.6551629566685512,-0.6530275028927732,-0.6338728444694577,-0.8256200922974263,-0.8229761976421485,-0.8000344669868729,-1.1924587589905198,-1.192239552385833,-1.190175422603425,-0.8039513117992134,-0.8023160647847526,-0.7876468652142311,-0.7020317922410519,-0.7024602796660919,-0.7063121858801013,0.2429995822285695,0.2422097627499517,0.23517775608097335,0.020356186358011005,0.019419345457586463,0.011082650542573905,-0.2977764145467638,-0.29866896355114125,-0.30660847026743704,-2.1586173784754314,-2.159015679070786,-2.1624541674366693,-1.9121858310122744,-1.9118770560142868,-1.908784575616488,-2.0993442193290126,-2.0994650639346992,-2.100321933306075,-2.1562842112001404,-2.1566316399140018,-2.159587102115173,-1.6818289884745372,-1.6816305204720092,-1.6797621729150505,-0.7186366409209692,-0.7188528966503944,-0.7205807405417638,-1.4827801705318204,-1.4825961772586582,-1.4806441111214692,-1.6572906664921492,-1.6570090491856682,-1.6543362295448891,-0.4602440676772093,-0.4601807129090318,-0.4594154376025264,0.3999517562168461,0.4004643009556686,0.40493611871787627,-0.3501470838687751,-0.34972777653882303,-0.3458638934325543,-0.44136480387976507,-0.44125699705599664,-0.4400834747068024,1.3245762416278222,1.3257549154848245,1.336260775859189,0.8732138232062803,0.8732198894870935,0.8732558809466184,1.0178869627490497,1.018597432354818,1.0250888736747668,1.1830595325004556,1.1842841637230055,1.1953574519459331,1.173445804713038,1.1754726222728888,1.1921541936685194,-0.3345558889656762,-0.3348286153888679,-0.3375196468508348,0.8968099380507499,0.9021006522199824,0.9495431279877292,1.1266274069223927,1.1297460104601798,1.1561966354011015,-1.3463183850313791,-1.345947937962622,-1.3425954747688842,-0.5142760097568715,-0.5155184897982382,-0.5264921400081275,-0.9858630512100122,-0.9860317433958821,-0.9874693886858584,-1.2197668971248063,-1.2195389929224187,-1.217454078086769,-1.2696657496917738,-1.269448882680556,-1.2673150452388475,-0.4794974838551864,-0.4781517383389245,-0.4660057644951922,-0.9206487006053636,-0.9203259304198536,-0.9174770085679028,-1.187929580053878,-1.187980807494749,-1.1884058090634435,2.0,2.0,2.0000000000000004,2.0,2.0,2.0,2.0,2.0,2.0,2.0,2.0,2.0
+1079447298,0.3645535019672516,0.3761514454406316,0.4244495889968658,-0.5905337984591438,-0.5844692074018495,-0.5649624797948801,0.059455886510624376,0.06213329083177028,0.06940020400903305,0.2948087739879538,0.3049466658728558,0.34832057685815426,-0.27640351091351306,-0.2806110117343749,-0.3169474229308053,-0.1204748315075444,-0.12493727429723413,-0.16354190975279315,-0.2114284528963828,-0.2157525080581922,-0.25311979332464457,-0.2528134208243923,-0.2570649120424276,-0.29378942827552257,-1.026478856712638,-1.026012064898396,-1.0219044113459599,0.505403012534376,0.5050480065105549,0.5018462334975515,-0.3843991451878907,-0.3840253480681333,-0.380768254298429,-0.8352593775355138,-0.8348044374682116,-0.8308274424215202,-0.7847865696507565,-0.7847378830330555,-0.7842678134740978,-0.7068949116516426,-0.7059073598566467,-0.6969528696422429,-0.8227856237080821,-0.8221644592950962,-0.8165233549483343,-0.8187897760718885,-0.8184989817750838,-0.8158471925912644,-0.11615901884094627,-0.11664855753381825,-0.120686149292781,0.09123549722540863,0.09153437429670544,0.0945968576703822,-0.0009581171515359453,-0.000979183114428683,-0.0007384584526302695,-0.07350719530245316,-0.07384825033456166,-0.07651604351826559,-0.41083095004972586,-0.4108291628440712,-0.4108167224228476,-0.2819320500789373,-0.2819829223112209,-0.28241243880877925,-0.34243611912793304,-0.3424677632127204,-0.3427385119935446,-0.38261738330737605,-0.3826307417973811,-0.38274719480056985,-0.4799009408413267,-0.4730929489412177,-0.4104685128285331,-2.1776108206738005,-2.178748693626359,-2.1869121158410074,-1.5708233604661197,-1.568644752472407,-1.5459370171827014,-0.9692199600698026,-0.964036495410708,-0.9147360955926924,-0.5253481667192191,-0.5247230714233815,-0.5190126347784871,-0.3617215481493332,-0.3614054043070455,-0.358383364262023,-0.4661780120831867,-0.4656567259825333,-0.4608417220268806,-0.5055312699072659,-0.5049399748988853,-0.4995199583126351,1.3348840795622463,1.3370098518569775,1.355521566171768,0.8610215963961599,0.8627083291222986,0.8773987036343871,1.187824771378012,1.1898844680448026,1.2078788630399997,1.288115619027714,1.2902347679581558,1.308718657364276,-0.004614882228601286,-0.004656885280313025,-0.0048003513404595724,-0.20083269563652828,-0.2002389570126777,-0.19473748537342625,-0.10702119241539876,-0.10675344400102987,-0.1041372332610046,-0.0462105319801596,-0.04613399653908061,-0.045218316189641165,-1.3580137586209156,-1.3583041421125592,-1.3608410057689018,-1.066448333116048,-1.0657195802734742,-1.0591500432730665,-1.2803432352154704,-1.2805680328176428,-1.2826657475929673,-1.3383527394993315,-1.3386961891958105,-1.341791341560657,0.5506727155592163,0.5505653147439873,0.549690136785859,-1.4363056041485078,-1.4348596268706562,-1.4213971424113798,-0.3771669277575984,-0.3761534688295821,-0.3666985236392036,0.3648074903286988,0.36483623061222187,0.3652400821029352,-0.06784899852870471,-0.06569620480492443,-0.04696082715281312,-1.0043596483473722,-1.0044628993062217,-1.0050457545048797,-0.6590495706174158,-0.6569672153319989,-0.6377326477316225,-0.3023693535158691,-0.2996945305833021,-0.2759484315168128,0.14503510960809382,0.145684784203466,0.15153772044234684,0.6478862090243238,0.6478821244410511,0.6479211413835213,0.45426561202789,0.454449382030449,0.4560884383043571,0.2735527652424091,0.27396720157703164,0.27766829606034954,-0.5975442777331909,-0.5994397987344643,-0.6161068312868114,-0.16805609954119544,-0.1696792883336552,-0.18445833440075415,-0.4168422021774765,-0.4190510906805897,-0.4387652013659803,-0.5327299816017812,-0.5348116945630134,-0.5532092877007593,-0.25377114016430263,-0.2515434541199241,-0.2316725670665335,-0.7062063504611287,-0.7039159209662861,-0.6833201744316004,-0.5188920510484771,-0.5163089704370633,-0.493121414601143,-0.3492814028863575,-0.34688220814082754,-0.3254359562203548,-0.19278383116522255,-0.19278594437684726,-0.19280483245063867,0.5293858769060699,0.5290651059762557,0.5261767523876416,0.8996781478556484,0.8997182681108371,0.9000809733479699,-0.0228901189596642,-0.02319001294759121,-0.02586720302974049,-0.4401586689298197,-0.4405666002449107,-0.44423323621342825,0.9285696491793816,0.9290152269550448,0.9327196426064468,0.06418567550225843,0.06656670197940466,0.08846394546554819,-0.3308852158698479,-0.330834125938203,-0.3303253650087449,0.3994650211071377,0.4003204899619123,0.4081196073266164,-0.3075024005970393,-0.30641401988638206,-0.2967549478032348,-0.14663089226440573,-0.14540074039333914,-0.1344372392796338,0.08906148152960565,0.09028659840444402,0.1012635705738929,0.7313220897698917,0.7312025524481395,0.7301742746139088,0.4150862152320608,0.4139150420729745,0.4034127357098473,0.5803626984599085,0.5796243920850819,0.5730064951056202,0.6759623419277292,0.6755906480715402,0.672282951609352,-0.9394565453785326,-0.939276233044866,-0.9375655180262438,0.0901462028199318,0.08876929011978481,0.07655384628160998,-0.5761179569922029,-0.5767568505539246,-0.5821906540033498,-0.8391450785577005,-0.8392019324047899,-0.8395419960804439,0.2534713878379301,0.2530428025135231,0.2478893425789705,-1.2708918386575891,-1.2701303303942546,-1.2632499669544364,-0.2728928362377723,-0.2744405070009208,-0.2886017298861389,0.1367039375836459,0.13608961052438165,0.12943445799533754,0.2643597130924321,0.26637247286380084,0.2842422486576636,-0.6331931766368445,-0.6332499913365142,-0.6337798244548267,-0.43477508487176814,-0.43402938898157095,-0.4272131939999645,-0.14086837572626104,-0.13921675829356708,-0.1242617441126702,-1.0843207349929869,-1.0817617605368592,-1.0578930190190394,-0.4042595733248287,-0.4021310634004796,-0.3824305958549925,-1.173060703555502,-1.1731234660873808,-1.1723614494907972,-1.1363426513066328,-1.1343292429951122,-1.1149031342514215,-1.2101115687818234,-1.2083962429587258,-1.1927387251600643,-0.5299045614967036,-0.5277724925857531,-0.5085273384174149,-0.9200966087695366,-0.9178756242859744,-0.8977738880055183,-1.1094407868188352,-1.1074628584572848,-1.0894837410331857,1.0835601253886364,1.0860742509081176,1.1087910613358254,-0.8397130004042617,-0.841891659376039,-0.8615012355864834,-0.0904082090503634,-0.09053488977069944,-0.0914692858071732,0.6245194883840135,0.6264314738464797,0.643976469123307,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1100931722,0.8189322491044657,0.736631168820621,0.3713990158618904,2.4920160195665595,2.5264744718369987,2.6218249623877186,2.0722700257994835,2.056790187890767,2.003933643459593,1.164819296946462,1.1003482526577142,0.8119813528181352,1.7909664407121983,1.7901045136288358,1.7822404446830058,1.7294606939497914,1.7283720998282963,1.7184251538713309,1.7682163533023163,1.767254836433365,1.7584731872315518,1.7831902473001195,1.782291217804915,1.7740849878993294,-0.5977118540360177,-0.5971940043652155,-0.5925675706731753,-0.15794058996363275,-0.15817519802095018,-0.16026979848481449,-0.4746614007618418,-0.4743996394777084,-0.4720974145480836,-0.5744476305806312,-0.5740162988368358,-0.5701835228145901,-0.4495473677967516,-0.4497615826619237,-0.4517555347683487,-1.9744916186766064,-1.9748005411654657,-1.9775759299438045,-1.359042448591165,-1.359149749187429,-1.360202050787172,-0.8165229928357307,-0.8166656044913051,-0.8180439564906496,-0.3613241520484519,-0.3576366798157408,-0.3261170039214743,0.43895579588872186,0.4437281649121875,0.4839876839520136,0.09598850774749683,0.10112310989565923,0.1450191499514315,-0.1878767461063537,-0.18351291009224732,-0.146167469284622,-1.3462228564327865,-1.346225511536468,-1.3462439926967464,-1.4932016322894963,-1.4931591416493148,-1.4927999529589775,-1.4345345059011536,-1.4344993513617852,-1.4341983656248318,-1.385770662055417,-1.3857530197305536,-1.3855991802437972,-1.255344354522277,-1.2487205122784428,-1.1868631406607086,-0.9252453672959576,-0.9215480000413616,-0.8872441843310361,-1.1342928222714963,-1.1297511050765947,-1.08693903254489,-1.2307755873977488,-1.225121569750918,-1.171849565747044,1.2102878738690417,1.210640194780281,1.2137267242371241,0.6662033943941762,0.6662877763898968,0.6669821225446101,1.0049480208488917,1.0051529889983946,1.0069103158830914,1.1400004154277328,1.1402952689570849,1.1428624390360418,-0.8856321409749806,-0.8838171502580552,-0.8674964325002106,-1.4583253473872084,-1.4581378449050049,-1.4566607817126451,-1.1071045304565856,-1.105968091256844,-1.0958609671312851,-0.9621198877883228,-0.9605407917911444,-0.9463805459997804,1.0808483185913933,1.081258767541582,1.0848466303011994,1.1720978693225237,1.1720782827939318,1.1718646993688742,1.1410380883398925,1.141197634025926,1.1425658574146882,1.1084960098878234,1.1088013719005727,1.1114582198648542,1.0706637994087729,1.0702090478602335,1.0659085635639338,1.1614187370020723,1.1614369360263457,1.1615697961939189,1.1507657039377228,1.1508759713747534,1.1518471955159202,1.1061350295748504,1.1059386741488413,1.1040430433443058,0.12446440599437733,0.12360813420064133,0.1159421657881914,-0.5627123308915186,-0.5627336526850439,-0.5628531388146512,-0.2597687612982104,-0.2607187942593802,-0.2691116240231223,0.04386847506847474,0.04291376632710859,0.034378371859549575,0.8672009468729943,0.8674196287848467,0.8691891629612745,0.42679723222084825,0.4279158889859002,0.43820202016631865,0.7429497986092425,0.7447193648720858,0.760343082477795,0.8542230990670895,0.8550432175275137,0.8619636618676373,-0.7968100522857315,-0.7952139683082459,-0.7801011427634276,-2.144017321539757,-2.1435480581766884,-2.1391489693971675,-1.6662288157856968,-1.6647676758437049,-1.6508649942523106,-1.1682250124008993,-1.1664530486710991,-1.149636604606482,-0.5975442777331909,-0.5994397987344643,-0.6161068312868114,-0.16805609954119544,-0.1696792883336552,-0.18445833440075415,-0.4168422021774765,-0.4190510906805897,-0.4387652013659803,-0.5327299816017812,-0.5348116945630134,-0.5532092877007593,-0.04152392576831116,-0.043724163439146056,-0.06374238921314683,-1.2537850303968892,-1.2562539284736938,-1.2781219207552583,-0.644924925637318,-0.6476954086594809,-0.6725739381385021,-0.2464734123083304,-0.24891163552388154,-0.2710072862845763,-0.19278383116522255,-0.19278594437684726,-0.19280483245063867,0.5293858769060699,0.5290651059762557,0.5261767523876416,0.8996781478556484,0.8997182681108371,0.9000809733479699,-0.0228901189596642,-0.02319001294759121,-0.02586720302974049,-1.253233272330924,-1.2537985034304724,-1.2586350793766974,-0.9092814000702134,-0.906879946472766,-0.8858747010997639,-1.8901229248373583,-1.894047226796504,-1.9291461434364043,-1.4433289807749876,-1.4449738191961763,-1.4596668798623802,-0.08255657487774283,-0.0823301948184446,-0.0803642176181917,-1.1629889611570452,-1.1626580618304083,-1.1596708766885653,-0.9484777184074928,-0.9479280220962956,-0.9430252135030046,-0.600951873583875,-0.6003138343372028,-0.5946731267069276,-0.12954776794466255,-0.1293619860708369,-0.12771869129387034,0.7756199087396177,0.7764176209029671,0.7836705476444864,0.3746866321568147,0.3754411339391269,0.3822814770564109,0.0793482820444793,0.07982087724263323,0.08408400414253663,0.7260518396867505,0.7245625874551885,0.7109679445027999,-1.2188718425736813,-1.2223634376984698,-1.253252363100978,-0.14423559355244425,-0.14663566106825832,-0.1682557956840212,0.4460613024116384,0.44420601256202463,0.4273482265794247,-1.173959523192349,-1.1734042283315866,-1.1667202177840232,2.070795351091281,2.071058932305592,2.073122204390189,-0.42740133149977777,-0.4250150460767253,-0.4031260569789697,-1.019433545343176,-1.0186036046363751,-1.0096014074089419,0.34302977873512897,0.3398002922894742,0.31102319653772226,1.5681018811436405,1.5681582777550267,1.568688442224955,1.3237968599519991,1.3228002846233693,1.313676643901921,0.9329041420663754,0.9305229031775392,0.908901980663525,1.173445804713038,1.1754726222728888,1.1921541936685194,-0.3345558889656762,-0.3348286153888679,-0.3375196468508348,0.8968099380507499,0.9021006522199824,0.9495431279877292,1.1266274069223927,1.1297460104601798,1.1561966354011015,1.2258647718971387,1.226159205722096,1.2287548037920837,1.1473788352441092,1.1474980702416764,1.1484865224415255,1.2386644355114822,1.2387094473254827,1.2390630546754249,1.241901160945923,1.2420766301342572,1.2436029285260979,-0.3990170819365057,-0.4026850522002204,-0.43585345060210223,1.5739431015880958,1.5746045886719804,1.5806268000038155,0.9204824350032916,0.9195434524610351,0.9109498773163568,0.16423153782083644,0.16125928481059745,0.13414299691439732,2.0,2.0,2.0000000000000004,2.0,2.0,2.0,2.0,2.0,2.0,2.0,2.0,2.0
+1085720321,-2.851140501134397,-2.8658484942641844,-2.8990053795516735,0.8445433374540234,0.8086902104851569,0.7078561596121332,-2.3810534411664124,-2.3943928457360544,-2.438840917208819,-2.802362120930252,-2.822841158776192,-2.891882833846094,1.1462943618736947,1.145104554432442,1.1345075278597787,0.9111860352026208,0.9103068957829612,0.902665012122176,1.0495741972268209,1.048514607575854,1.0391504427025686,1.1113885067089213,1.1102459898758106,1.1000957901500148,1.3100477944365845,1.3105126007234429,1.3146074897561844,1.2281203411419337,1.2274473395630645,1.2212638956026054,1.5295175023641334,1.529515252447848,1.5294354651282298,1.4308356805983855,1.4312153540769592,1.434560695090203,1.4980255004529048,1.4979242392510022,1.4970117863353094,1.3895218791625903,1.3891946285745946,1.3861832709443531,1.5932838070423672,1.5929704002021627,1.5901072884800125,1.571827317047546,1.5716077513340734,1.5696229274249516,-0.07967507636395185,-0.07830534994338302,-0.06576982134022821,-2.5776401149010413,-2.5801765539296,-2.6017286660267622,-1.6847355105918138,-1.6872092252871185,-1.7084764181167598,-0.7442517204171741,-0.7444542220465701,-0.7456977098331757,-1.3462228564327865,-1.346225511536468,-1.3462439926967464,-1.4932016322894963,-1.4931591416493148,-1.4927999529589775,-1.4345345059011536,-1.4344993513617852,-1.4341983656248318,-1.385770662055417,-1.3857530197305536,-1.3855991802437972,-1.255344354522277,-1.2487205122784428,-1.1868631406607086,-0.9252453672959576,-0.9215480000413616,-0.8872441843310361,-1.1342928222714963,-1.1297511050765947,-1.08693903254489,-1.2307755873977488,-1.225121569750918,-1.171849565747044,-0.2786581503255486,-0.2784072850486755,-0.2760290874429835,0.2833448347671548,0.2841319888787035,0.2912420720114995,-0.05100390944827183,-0.050490325538730084,-0.04576881815186931,-0.1981020167563166,-0.1977506772700164,-0.19447319093323745,-0.19419654102601552,-0.19644851737216373,-0.2159506884007182,-0.7535895240650133,-0.7565235704460197,-0.7824371855373704,-0.3987824291183929,-0.4013902073798584,-0.4242152531761865,-0.2635480664708505,-0.2659288644624851,-0.2866318241198599,0.5062719000691505,0.5053962016795871,0.4972988416090141,0.4328576481577733,0.4316514545628086,0.42060440985479103,0.4738749281825543,0.4727891643453344,0.4628175888771561,0.4946196495437388,0.4936497421661776,0.4847110935488258,-0.03384493287647181,-0.03279731608598955,-0.02315520276188321,-0.3739885487470917,-0.3743997649866403,-0.37806733174031815,-0.1850536226978305,-0.18470537237342194,-0.18144405939893216,-0.08858498421320801,-0.0877832031257249,-0.0803741182643291,0.90274174788003,0.9034283583575208,0.9095671696219731,1.0353821800517675,1.0361249931570533,1.0426442672363905,1.8667145669434089,1.8668723005464283,1.8679608902796827,1.1474788611484033,1.1482266704435846,1.154871686884465,-0.06784899852870471,-0.06569620480492443,-0.04696082715281312,-1.0043596483473722,-1.0044628993062217,-1.0050457545048797,-0.6590495706174158,-0.6569672153319989,-0.6377326477316225,-0.3023693535158691,-0.2996945305833021,-0.2759484315168128,1.432486033765073,1.433699136424411,1.4445844883871612,0.2093115656131536,0.2107387323838804,0.2239456212834475,0.8593581141144243,0.8613199014591912,0.8794573802294389,1.2383741003592572,1.2400021685376916,1.2548509673972024,0.7439950152251398,0.7433684009801856,0.7371995725813238,0.6404639757079573,0.640812238497542,0.6436613409148673,0.7112078110064459,0.7111259794522572,0.7098434648883212,0.7342705147129104,0.7338511599099499,0.7295148487574723,-1.1843426530187695,-1.1833002352310424,-1.1734925110627832,0.7320455799978668,0.7335978990706015,0.7472862312361731,-0.439894619724231,-0.4384384187135172,-0.4250579052764414,-0.9601289232468044,-0.9589446308883676,-0.9478583986220296,-0.19278383116522255,-0.19278594437684726,-0.19280483245063867,0.5293858769060699,0.5290651059762557,0.5261767523876416,0.8996781478556484,0.8997182681108371,0.9000809733479699,-0.0228901189596642,-0.02319001294759121,-0.02586720302974049,-1.5120502530245286,-1.511481578694444,-1.5063984311796603,1.40752476260977,1.4111190012483452,1.4421139011128818,-0.8193086192743599,-0.8138059780205281,-0.7630291457105166,-1.3880945963170463,-1.3868507857120107,-1.3755584327214674,0.8579250992041849,0.8580603394464477,0.8592858571433908,0.5538273313322839,0.5542970308491306,0.5584618922854906,0.6540538612157826,0.6545264675851946,0.6587190213717825,0.7679826412750669,0.7683389748248421,0.7715055213032365,0.7207186861361572,0.7204795492316554,0.7183329392784407,0.19107765119767814,0.1909820334827943,0.19002596007906095,0.4493678554548715,0.4491234024469025,0.44687896321929343,0.6150521081077389,0.6148027384539637,0.6125463671423202,0.3441303361998653,0.3446872059343033,0.3497341088284555,-1.234775363592746,-1.2315521267862632,-1.2022529152993982,-0.4054035035041016,-0.4030115793960441,-0.3815971170543456,0.09566147138218324,0.09686533105656137,0.10764729303635613,0.2534713878379301,0.2530428025135231,0.2478893425789705,-1.2708918386575891,-1.2701303303942546,-1.2632499669544364,-0.2728928362377723,-0.2744405070009208,-0.2886017298861389,0.1367039375836459,0.13608961052438165,0.12943445799533754,0.3036947459137805,0.3030863825766376,0.29763272259769297,0.4674543522533979,0.4674541432092562,0.4674543088850641,0.4445108875401154,0.4443854478208992,0.4432317249509783,0.3960178831700572,0.3956530724419859,0.39232011827542734,-0.19531567440522132,-0.20112977867816006,-0.2524252468414909,0.5962728051807462,0.5955993451959675,0.5892289492002393,0.1116739016008206,0.10555856730055373,0.04931306158373072,-0.11532061495156624,-0.12157182195752225,-0.17730041894455575,-0.3037873927756262,-0.3054324000459986,-0.32027459519504003,-1.3894098143144364,-1.3891842547992077,-1.3872576022327212,-0.8618520733904176,-0.8626794298733846,-0.8701850174110911,-0.5213599271094594,-0.5227484058610817,-0.5352817441236387,0.4786441913786633,0.48013109678147703,0.4935622134598421,0.5717707611905586,0.5709772966378198,0.5637269610399863,0.6213582546981316,0.6218747110836764,0.626609100050515,0.5697064101472239,0.5709265067571806,0.5820229612508191,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5000000000000001,-0.5,-0.5,-0.5,-0.5
+1049196879,0.5773502691896265,0.5773502691896265,0.5773502691896262,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,1.6881032946463468,1.689341473305266,1.700414538260714,1.9245946577444224,1.9254774537598296,1.9335937657270617,1.7750922698286649,1.77611882733445,1.785413550609499,1.717699372640541,1.718859447327758,1.7292751827631119,1.1586245196625526,1.1577389136183034,1.1496105737135354,1.2873775464761563,1.2875427430388435,1.2891034633667495,1.2318096342003215,1.2312184313951962,1.225854657455306,1.1880722643237749,1.1872695508204474,1.1799322190650885,-0.7265569749645214,-0.7261791342584788,-0.7227749059874666,-1.0062465766220077,-1.0061925979275277,-1.0056750906815566,-0.9241378660780184,-0.9239585534003956,-0.9223259301492862,-0.8242769564946502,-0.8239926370458714,-0.8214229687925956,-1.0,-1.0,-1.0,-1.0000000000000004,-0.9999999999999998,-0.999999999999999,-1.0,-1.0000000000000002,-1.0,-1.0,-1.0000000000000002,-1.0,0.3840044088441503,0.3834610768296257,0.378641292582543,0.033165991767812375,0.033281651481870775,0.034248019949758304,0.2071809210579846,0.20690968893130088,0.2044906882477605,0.31665401256953224,0.3161812622770633,0.31199267919632484,0.22822256528414375,0.23478006179938085,0.29308847905937496,0.1410862444275737,0.14761356748856955,0.2055467682266315,0.22620901256421985,0.234082246748338,0.3039694663989053,0.23508848365288346,0.2423267956556829,0.30663336158123045,-1.3699514721661488,-1.370456131558385,-1.3752586811617749,-1.497208432635943,-1.4977401270845108,-1.5026389550132735,-1.993947879136985,-1.9939308632329027,-1.9938560033838224,-1.611285055083194,-1.6116167833304416,-1.61484267868983,0.22551849323879555,0.22352173147071905,0.20597242946868025,0.918835955691292,0.9182573332289022,0.9129210974833424,0.4670332834921748,0.4647539920495896,0.4443408442119043,0.2996915629258465,0.29753751864320754,0.2784933452179973,-1.8648922238413228,-1.8650610137461925,-1.8665577167955143,-1.439087825786764,-1.4410513932350937,-1.4584853694095237,-1.6922460857722024,-1.6933641432811344,-1.7031874363418518,-1.8146000677599383,-1.815080216573392,-1.8192901427887749,1.0846444470372532,1.088729895889651,1.1238838285338313,-0.9345022683784572,-0.9350971985306884,-0.9406032188351028,-0.4398313081205424,-0.4386249764257336,-0.4277614600713642,0.4975914012176416,0.5028052248816715,0.5494601631521493,-1.4981642115182776,-1.4981599825823069,-1.497883818436483,-0.2785966902355127,-0.2749810908238485,-0.2425465546694952,-1.136749036547886,-1.1354966016306838,-1.1240691980458497,-1.4129045682136856,-1.4125463688761626,-1.4091012373883929,-0.5463214918388426,-0.5449999633722813,-0.5331978780761801,-1.3881069282272531,-1.3892685703388823,-1.3997488750349605,-1.542828356516555,-1.5403432213604118,-1.5172545345756758,-0.8549757667255957,-0.8527451856013359,-0.8327450613930867,0.7114407890985519,0.7131945507250889,0.7263298139367126,1.4684540688393581,1.467520153377853,1.4591268370071264,1.3584051036523506,1.3571707355265081,1.3456935216906771,1.0768918121130553,1.0765776558478342,1.072356935509902,2.0954625209758486,2.0957458467715955,2.0982366831787367,1.69268525833693,1.6927898786159965,1.6938191645839007,2.006293461448485,2.0068730387859266,2.0120604717364268,2.1014173065899358,2.101772430319961,2.1048888427266723,-2.0169489449920355,-2.016392367466161,-2.0113234492405545,-2.017270260861732,-2.0158572867206046,-2.0030353789286393,-2.0944704890217114,-2.093632001641373,-2.085973293804425,-2.0507042584549136,-2.0500695815703764,-2.0442780695265585,0.12932248393448265,0.12784152643547694,0.11446729477990528,0.8564924231193175,0.8571007082133109,0.8625533218187766,0.7404780936667112,0.739274172859662,0.7283441538580805,0.23801826716690694,0.2365389084708617,0.2231662073426128,0.020182586157276246,0.018031054848264533,-0.00028481185862556143,-0.6392295284048165,-0.6442813763892449,-0.6888895707797029,-0.5197988213756571,-0.5256305597847926,-0.5779273247584944,-0.27409908706725955,-0.2787130015496951,-0.31999525492105896,-0.4931133053350481,-0.4928737409535664,-0.4906978992935869,-0.5488029337726532,-0.5519453052149966,-0.5785978930296647,-0.6075333697217636,-0.6094849777357099,-0.6254644546904654,-0.5889930960549759,-0.5893704209615446,-0.592175791147224,-0.30031983803408896,-0.30118107914890513,-0.30889179834972275,1.110714255540144,1.1098300584229819,1.1015415930583607,0.6092202705348139,0.6079536685208335,0.5962144764586962,0.07810880007129936,0.07696412799656722,0.06653870684671387,1.5967669500367536,1.5961130689752263,1.5902337798026516,-1.716159499066055,-1.7153912967423088,-1.7083767889188533,-1.075722575258686,-1.0745007672314508,-1.063653139064367,0.4988666717078458,0.498858368470632,0.4985438913925343,0.3645967981151945,0.3646914307147553,0.3655380662645417,0.3777019754522127,0.37769856019083375,0.3776680604743503,0.3756893377382412,0.3757110124173984,0.3759007540612144,0.3701893084448337,0.37024758306406985,0.3707658344984459,-0.8152973060447375,-0.8132859712195504,-0.7953964483048065,-1.7430996846230025,-1.7432295807282934,-1.74442474200938,-1.5212905629147289,-1.5206833028261133,-1.5152044901718948,-1.1934393307929327,-1.191860317063094,-1.1776543781139712,0.8609824026317109,0.8643947857222545,0.8960834829516603,0.03914481119852661,0.03885688443141165,0.03570348039551533,0.5946344147009077,0.596631383527449,0.6151935645898466,0.7931890397432504,0.7961547370091435,0.8238377962535308,1.047170262497667,1.0475246321224492,1.0506057527526134,0.9632801408040922,0.9629725296415744,0.9601961485258991,1.031445707493314,1.031626456077429,1.0331759274370025,1.044383273614774,1.0446943187081568,1.0473973510870511,-2.0414031258356418,-2.0421155983536474,-2.047395560669445,-0.014472211558133137,-0.013347076530229584,-0.003152354480795466,-1.0822328793656215,-1.0825744000806756,-1.085804278754796,-1.8540940740287968,-1.8554107057137692,-1.8666935869594603,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1042336139,0.5773502691896265,0.5773502691896265,0.5773502691896262,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,0.501500163155091,0.5017356434525514,0.5034612377294441,0.5134767733809195,0.5126145427223797,0.504774558507618,0.508687989332313,0.5085454424793997,0.5069853411947268,0.5041916628190506,0.5043008187217067,0.5049287943473003,0.3816604914362613,0.3837684580028992,0.4026951637601995,1.094668825768764,1.0931962839656109,1.0796531144827166,0.6899515600426492,0.6904545776224545,0.6948440340675146,0.4939667024141174,0.4954909129342462,0.5091252797058133,0.4802198765871859,0.4786926645290045,0.4649125418541733,0.2377890651241101,0.2369175188333681,0.2289900493991515,0.34770692842196305,0.34651136021072354,0.33569408273441764,0.4268002961208863,0.4253976247340448,0.4127305607925852,-1.0,-1.0,-1.0,-1.0000000000000004,-0.9999999999999998,-0.999999999999999,-1.0,-1.0000000000000002,-1.0,-1.0,-1.0000000000000002,-1.0,0.3840044088441503,0.3834610768296257,0.378641292582543,0.033165991767812375,0.033281651481870775,0.034248019949758304,0.2071809210579846,0.20690968893130088,0.2044906882477605,0.31665401256953224,0.3161812622770633,0.31199267919632484,-0.416154036045631,-0.4186927638066528,-0.4410354216100499,-1.9798252543655657,-1.981715344176385,-1.9974566305641528,-1.3654879401023676,-1.3682649982982384,-1.3916222632321649,-0.762729465266989,-0.7654442504708812,-0.7889389204344917,-0.6416853133679975,-0.6416859966615303,-0.6416889416733795,0.006796835431601807,0.006551516919231319,0.004286429519038691,-0.5253054975815737,-0.5253194958772025,-0.5253810429643396,-0.6324147215487368,-0.632386009104724,-0.6321039809929783,0.22551849323879555,0.22352173147071905,0.20597242946868025,0.918835955691292,0.9182573332289022,0.9129210974833424,0.4670332834921748,0.4647539920495896,0.4443408442119043,0.2996915629258465,0.29753751864320754,0.2784933452179973,-0.5459587640958693,-0.5464491182444152,-0.5506521513816897,0.2971248185371367,0.2947524724059698,0.2736264713871773,-0.0750869907069181,-0.07699908317886707,-0.09383034606301363,-0.3514777492402488,-0.35263441229690184,-0.3627171932457876,-0.6733227242672654,-0.6702730514976591,-0.6421926564433718,-0.034683671244348284,-0.03486948656943723,-0.03665022975308235,-0.3123651791216233,-0.31211131367485745,-0.3096753376228951,-0.6289510446121247,-0.6276212168254339,-0.6146947255708974,0.9361793923640958,0.9345323142178358,0.9195003389287222,2.090325023539484,2.088954560265395,2.0760979140813864,1.6900064280326552,1.6884707706708215,1.6741243623165991,1.2188923632028177,1.2171542975008198,1.2011901157521423,0.6721441537115644,0.6718344298091565,0.6690528450104877,0.15384647740867252,0.1546983087755547,0.16243342102444608,0.7489732120042859,0.749591342791639,0.7548277920872782,0.7340914101865476,0.7337246977208828,0.7303789842102627,-0.7265269103913294,-0.7236853196340655,-0.6998718932685791,0.27156937440045537,0.2694045061486842,0.25034559447267296,-0.06758059191824074,-0.06873158892571593,-0.07928173762577954,-0.4391638828729628,-0.4381658717572136,-0.43041548622672265,-0.2364696296747483,-0.2369008251390109,-0.2408101733484896,0.3705948895992109,0.3718964130918477,0.3832426798731632,0.10620146357005622,0.10636601377484417,0.10749736535913483,-0.09784626226320307,-0.09815529336553716,-0.10110779001162558,-0.6256158474586857,-0.6270223327664697,-0.6395048307997477,0.015419793311860537,0.014320203113263109,0.00448448477647988,-0.4239798124720644,-0.4252171419623887,-0.4361980994723143,-0.5620089081014785,-0.5633574066897389,-0.5753225402449985,-0.9431881005481728,-0.9430017505329584,-0.9413056788821867,0.7536101626339199,0.7534504078509162,0.7520157975656819,-0.994603784854255,-0.9945545027121768,-0.9940971887790367,-0.9560686551620344,-0.9559039319724668,-0.9544016244694338,1.1714125903583592,1.171023539236724,1.1663136587676246,0.6724890929475975,0.6711986203460655,0.6592207449990839,0.9477583988920946,0.9478220900803654,0.9478543060398305,1.1684583751024529,1.1696800478093328,1.1802083551506617,-0.987006511145488,-0.987200679745404,-0.9888943099748572,0.7194983296464276,0.7185158796591592,0.7087879809957566,0.19122981164431752,0.188355065088714,0.16323348493639206,-0.461708026313989,-0.4637660655484099,-0.4811588042539393,-1.7167124079213778,-1.71578398185776,-1.7073943802440532,-1.5300161614989345,-1.5297460468229336,-1.5276019859439216,-1.8529082008597515,-1.8521928679552309,-1.8457644155510973,-1.8620655506531092,-1.86107148953154,-1.852032716268169,-1.082226325798374,-1.081549408740385,-1.0755186641168006,0.9931586587349144,0.99052782919616,0.9665779120931062,0.5587792947029756,0.5560061986297432,0.5309963608045998,-0.4374600859596271,-0.4383827701901124,-0.44664365494457975,-2.5521775868063616,-2.552840015003288,-2.55876646385179,-2.643913828165489,-2.6438899213358362,-2.6436764233204517,-2.629825364167688,-2.6299770869217887,-2.631305278428501,-2.591325159113835,-2.5917330814484885,-2.5953608414891227,0.2309022355681078,0.2291868393902013,0.21358634652222652,0.9732956589813556,0.9742687877975352,0.9829797793706152,0.7702897532485485,0.7702374587223081,0.7695397197503299,0.507901449411351,0.5067673429770767,0.4962650021897419,1.7448119250903802,1.744976338795847,1.7468237781505458,-0.1385676782790499,-0.1377965213873649,-0.13194328090443536,1.0923924544741326,1.092689454653917,1.095407040757872,1.5688739903953055,1.5689741152676782,1.5704226089432567,-1.047168654245901,-1.047664494451659,-1.052036482019097,-0.7895818511359988,-0.7906200631881832,-0.7998023735273252,-0.9605163040591904,-0.9612972490049798,-0.9682179206251171,-1.019234885945005,-1.019847251089409,-1.0252645043278137,0.5125821793194784,0.5087716722782812,0.4741037642249923,0.790670740375983,0.7907907990849137,0.7918562981207643,0.9041108513966972,0.9028862134438941,0.8916742093273134,0.7385962897890292,0.7355856304254518,0.7079177131229015,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1072004991,0.5773502691896265,0.5773502691896265,0.5773502691896262,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,-0.363777578520722,-0.36357392000651,-0.3618701457080851,-0.5558969464759982,-0.5556935083823628,-0.5537551359871671,-0.4277059198945415,-0.427470281815932,-0.4254196280551784,-0.3849319613529902,-0.3847155204310072,-0.3828785989927396,-0.9468888367028228,-0.9471716798862212,-0.9497085621150284,-0.8840043336557574,-0.8841722246707606,-0.8856648879301947,-0.9354591222722844,-0.9356053299035724,-0.9369284267127106,-0.945233344503748,-0.9454510456028821,-0.947410454712024,0.09231655803248083,0.09164818530012353,0.08558442371496679,-0.986728757713713,-0.9874005486433324,-0.9934735776817281,-0.5688811946079483,-0.5696437026684981,-0.5765314194148932,-0.20308801590789394,-0.20383496286346128,-0.21059122046548664,1.0000000000000002,1.0,1.0000000000000002,0.9999999999999996,1.0000000000000002,1.0000000000000009,1.0,1.0,1.0000000000000002,1.0,1.0,1.0,-1.4845781333968775,-1.4852579721210772,-1.4910766112709217,-1.5050447244519414,-1.5047028929257933,-1.50155781955767,-1.5694599726225589,-1.5692406251836952,-1.567202140252952,-1.5389282872103676,-1.5391661477634098,-1.5411184609116737,-1.0171452256030096,-1.0184974385325478,-1.0299002802987804,-0.1055269932989992,-0.10704310974023544,-0.12070485998296775,-0.7186735257124699,-0.7203893409046638,-0.7352262661762257,-0.9462681154400616,-0.9478001190617406,-0.9607833283637636,0.08658084543015368,0.08708413823532407,0.09188079781501546,1.5108021034991461,1.5108431609229729,1.5112118140513502,0.9433368839738372,0.9432918714784974,0.9430939174551428,0.3464556119857201,0.3468447651209938,0.3506347167038731,0.5487543100043955,0.5536484428558375,0.5965419958012128,-0.8712353363309762,-0.8694762487670993,-0.8542463874909976,0.15517198436310775,0.16064604027292326,0.2091032769773874,0.4344499628593313,0.4396196700218709,0.4850540490942714,0.13296022547050082,0.1336848713759425,0.14023860982977318,0.1868180006860389,0.18843222782120198,0.20301087679056545,0.16992333350067124,0.17115100475222295,0.18220341914396385,0.15044630394513572,0.15137873507795102,0.15978201850269566,-1.154053961006604,-1.153043521999446,-1.1435045871991385,-1.4708920813126014,-1.4699187693812863,-1.460748707603096,-1.8793359226248445,-1.881241507033355,-1.8982538186634959,-1.812782130798657,-1.814176658356304,-1.825519401203186,0.7330634300014289,0.7352769238888198,0.7554702157038671,0.4933278929500083,0.4950486831615194,0.5106787643176229,0.7387397479800062,0.7413607998370336,0.7652373574563287,0.7539426699443512,0.7563645669858494,0.7784371759951622,0.6721441537115644,0.6718344298091565,0.6690528450104877,0.15384647740867252,0.1546983087755547,0.16243342102444608,0.7489732120042859,0.749591342791639,0.7548277920872782,0.7340914101865476,0.7337246977208828,0.7303789842102627,0.35469023251458914,0.3462036331104253,0.27167811524918595,-0.8729356725148109,-0.8717207703235144,-0.8614851347665936,-0.5186196508556509,-0.5198224250787424,-0.5309869757634162,-0.061719509229488476,-0.06675703946451969,-0.11111716658037968,0.9984329423005414,0.9979333826513804,0.9929764435771528,-0.3563636662978425,-0.3559533131007924,-0.35232467382489263,0.2672408144595727,0.26816192325818416,0.2761588007742197,0.7128426663649616,0.7131579446404874,0.7155245910544442,-0.6112478818434205,-0.6122202030978678,-0.6208558706872319,-0.23267571521674116,-0.23365823015842466,-0.2424663154116908,-0.5014483752547988,-0.5023985820053783,-0.5108531189308945,-0.5777259268288257,-0.578692130522095,-0.587277653369464,1.2144766394194024,1.2147218252321188,1.2169184735829477,-1.2903110245516656,-1.2903007798723254,-1.290205504027168,1.0793123485834362,1.0796479459963484,1.0826815337526887,1.1954187844937436,1.1956922731396686,1.1981467635117076,1.1714125903583592,1.171023539236724,1.1663136587676246,0.6724890929475975,0.6711986203460655,0.6592207449990839,0.9477583988920946,0.9478220900803654,0.9478543060398305,1.1684583751024529,1.1696800478093328,1.1802083551506617,0.6055110057303287,0.6052225975106419,0.6027010958128898,1.4481962756133708,1.4497050108059828,1.4606646729458235,1.3453837533181172,1.3447666573754768,1.3377697528623191,1.0287156778378546,1.0270338072200025,1.0122649846737173,1.0085161229777333,1.0084825305033325,1.008143089296888,0.20965095297939526,0.20995799419997588,0.21303019644278048,0.6218439651624688,0.6221195997171987,0.6247749695462005,0.8919783752909051,0.8920536807674865,0.8927470047107279,-0.8440210731524267,-0.8436765461186004,-0.8405030651446452,-0.7595886758953366,-0.7607079950948058,-0.7707060625514569,-1.1012120507691812,-1.1018473842686851,-1.1073678193733385,-1.2377920020927402,-1.2373798875603401,-1.233644685704998,0.3645967981151945,0.3646914307147553,0.3655380662645417,0.3777019754522127,0.37769856019083375,0.3776680604743503,0.3756893377382412,0.3757110124173984,0.3759007540612144,0.3701893084448337,0.37024758306406985,0.3707658344984459,0.16745206070743998,0.16742088064990454,0.16730020596163134,0.32634128332568363,0.32631502326112083,0.32610245995769194,0.2900409888173986,0.29002290499282457,0.2899364061909129,0.2338989330249065,0.2338396928322627,0.2334232943815967,-1.521786127532747,-1.5214434970289674,-1.5180951727372154,-0.6953528267744999,-0.6990691430623557,-0.7307595613633174,-1.3747528935581124,-1.3760626018789044,-1.3876016882162974,-1.5127483246454938,-1.5128750219282354,-1.5139806806334248,-0.3585671351480337,-0.35988939791132024,-0.3713002627053322,0.3539302357726692,0.3565341065547867,0.3796212364699719,-0.07396947799961705,-0.07360121054758016,-0.07006303468797112,-0.2586203975837931,-0.25934014012478895,-0.26541557416906914,0.3927966101624656,0.3982565568143945,0.44711873927648177,1.1892544997662835,1.18814115327369,1.178039859231608,1.161544579433807,1.164376160193745,1.1899263860730225,0.7683766318646589,0.7733457481809926,0.8178896828129301,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1089288400,0.5773502691896265,0.5773502691896265,0.5773502691896262,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,-0.9692395500967592,-0.9679696694110752,-0.9570481091453388,-0.4992948297750134,-0.5003810129830276,-0.5101040015889989,-0.8252982410131892,-0.8247466589688461,-0.8201254411841612,-0.9228234829857886,-0.9217824571522834,-0.9128706146789828,-0.2025884825480772,-0.20232698851118736,-0.19980552129172585,-0.7316867231317628,-0.7309797288585144,-0.724580202352319,-0.4300644350100023,-0.4295282136053245,-0.42458782268153616,-0.28524861138611113,-0.28488143823677897,-0.28142574404417303,-0.3386536564098165,-0.33913465502959805,-0.34344678784826016,0.21827124621581556,0.21812546954917292,0.21678853639932288,-0.00754974304810672,-0.0078034905211736266,-0.010100427999975351,-0.19438864446586976,-0.19476004944836545,-0.1981011875345239,1.0000000000000002,1.0,1.0000000000000002,0.9999999999999996,1.0000000000000002,1.0000000000000009,1.0,1.0,1.0000000000000002,1.0,1.0,1.0,1.5776990259142267,1.5763041795826296,1.5639421983698036,0.5933969213649395,0.5940459622157451,0.5996598448290528,1.1063657807241092,1.105727872567314,1.1000752222625358,1.4054835476011625,1.404257702504301,1.3934268963976726,-0.6499758569378465,-0.6548870121754226,-0.6985952909158699,0.8278608851431779,0.8239459985472374,0.7884374017883957,0.036074676804764436,0.030759677992934543,-0.017088013261072173,-0.43105971354508144,-0.4362777682661813,-0.4828614128722406,-0.6416853133679975,-0.6416859966615303,-0.6416889416733795,0.006796835431601807,0.006551516919231319,0.004286429519038691,-0.5253054975815737,-0.5253194958772025,-0.5253810429643396,-0.6324147215487368,-0.632386009104724,-0.6321039809929783,-2.484665190085733,-2.4823371231848546,-2.460801607682177,-1.8065902408143772,-1.8093961259307207,-1.8348181950875992,-2.5189884957686366,-2.5185456074714554,-2.5135677526465896,-2.5127955864491813,-2.510932745219357,-2.49341577568462,1.227020651722,1.2259615308567997,1.2162959646933893,1.4669989304107156,1.4663810817249197,1.4603719910403818,1.4177438782979177,1.4165882284506461,1.4058983054031473,1.324074766710439,1.322839162345588,1.311555215685677,1.36548213931107,1.3572021031331685,1.2834110405182764,1.2639461094821784,1.262765596457016,1.2521926314926008,1.770000625180574,1.7686666331058054,1.7567274628279623,1.8968742695628271,1.891894485056948,1.8460079193063748,0.05522169978193886,0.05318490399508717,0.034501073134759065,-0.21661476781663916,-0.21917111139972006,-0.2423177972247319,-0.07409361546312933,-0.07671730305106189,-0.10069736412251122,0.012297525907920805,0.010025355160710285,-0.01078941045349545,0.6721441537115644,0.6718344298091565,0.6690528450104877,0.15384647740867252,0.1546983087755547,0.16243342102444608,0.7489732120042859,0.749591342791639,0.7548277920872782,0.7340914101865476,0.7337246977208828,0.7303789842102627,-2.0679813018663937,-2.0679843057756857,-2.0660242606226817,-1.6264039025324908,-1.6274535535926846,-1.6366492438546736,-1.980065976204787,-1.9800901094061283,-1.980152536594204,-2.144899879355901,-2.1439970175042724,-2.1353004434014897,0.2191399366388248,0.22059858519389866,0.2341143193403757,0.956780568752155,0.9563273032455809,0.9524899476658442,0.6716206695600836,0.6715986216545113,0.6718051638678061,0.4131654728949193,0.41385535110136223,0.4205185382343738,0.8325291488879892,0.8337120894830368,0.8443371505527408,1.3293287452525615,1.3304358171839408,1.340313832318199,1.0393557644882452,1.040673384923067,1.0524838696961831,0.9038473998254152,0.905096769166662,0.9163130962313272,1.2144766394194024,1.2147218252321188,1.2169184735829477,-1.2903110245516656,-1.2903007798723254,-1.290205504027168,1.0793123485834362,1.0796479459963484,1.0826815337526887,1.1954187844937436,1.1956922731396686,1.1981467635117076,1.1714125903583592,1.171023539236724,1.1663136587676246,0.6724890929475975,0.6711986203460655,0.6592207449990839,0.9477583988920946,0.9478220900803654,0.9478543060398305,1.1684583751024529,1.1696800478093328,1.1802083551506617,-1.7363337188319783,-1.7363614438291852,-1.736576257452603,-1.1169417566032294,-1.1258221058734337,-1.2024766960114637,-1.5079749118621983,-1.5147470997567587,-1.5716966932752834,-1.7522249437847488,-1.7546451447445166,-1.774624926257951,-1.207044466160188,-1.2077387063827152,-1.213911178634442,-1.373783315826914,-1.3748265392493897,-1.3843779912009733,-1.5046015408616282,-1.5055152437115522,-1.5136485812277671,-1.396559018003009,-1.3972867616622562,-1.4036844774071482,0.4642353879312601,0.4649343594195455,0.47119142523010105,1.1026983806839523,1.103215221843684,1.1078738976403384,1.291874923784759,1.2921855171677394,1.2949527460367547,1.0811067708596698,1.0813185453937977,1.0833276429710301,0.8917940045912384,0.8900527256064652,0.8741575892129129,0.3031761631058143,0.3026896698271457,0.2984758213900217,0.5948025556746539,0.5937811482733212,0.5846145453973214,0.7737689481292513,0.7723276280625898,0.7592442600548552,0.9537714895758984,0.9518307614413092,0.9342659526311532,1.291868833973068,1.2913140593112145,1.2863123925389643,1.2508054109616016,1.2499553265636527,1.2422018346258388,1.1314180326341607,1.1299363574129688,1.116418492469205,0.03280478293764921,0.03457517846190943,0.04937871304783248,1.3538516661304092,1.3522236823629945,1.3378286878653272,0.7218478111851057,0.7218542318644942,0.7222360612306709,0.2694941463893181,0.2707276073662542,0.281131345368682,1.047170262497667,1.0475246321224492,1.0506057527526134,0.9632801408040922,0.9629725296415744,0.9601961485258991,1.031445707493314,1.031626456077429,1.0331759274370025,1.044383273614774,1.0446943187081568,1.0473973510870511,-1.2783206827756997,-1.2766239946169191,-1.260777018176762,-0.9419444092298755,-0.942402737346838,-0.9464735631611368,-1.4272445944315837,-1.4278138188392469,-1.4330221298902313,-1.4846723429647806,-1.484117960997253,-1.4786120450909408,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1028698408,-1.7320508075688772,-1.732050807568877,-1.7320508075688774,1.7320508075688774,1.7320508075688774,1.7320508075688772,1.7320508075688772,1.7320508075688772,1.7320508075688772,1.7320508075688774,1.7320508075688774,1.7320508075688774,-1.0144703814468583,-1.0149644917804952,-1.019032408721644,-1.1335996744360246,-1.1329072832579277,-1.1266117839361756,-1.0593875367631145,-1.0594427197669951,-1.0596936358608962,-1.0298494963174334,-1.030194560661398,-1.0329672397862633,-0.9468888367028228,-0.9471716798862212,-0.9497085621150284,-0.8840043336557574,-0.8841722246707606,-0.8856648879301947,-0.9354591222722844,-0.9356053299035724,-0.9369284267127106,-0.945233344503748,-0.9454510456028821,-0.947410454712024,-0.3386536564098165,-0.33913465502959805,-0.34344678784826016,0.21827124621581556,0.21812546954917292,0.21678853639932288,-0.00754974304810672,-0.0078034905211736266,-0.010100427999975351,-0.19438864446586976,-0.19476004944836545,-0.1981011875345239,1.0000000000000002,1.0,1.0000000000000002,0.9999999999999996,1.0000000000000002,1.0000000000000009,1.0,1.0,1.0000000000000002,1.0,1.0,1.0,0.9759726616581396,0.9768193967394782,0.9842359799663636,1.2298383124035668,1.229911628492094,1.2305706847837337,1.165962543332442,1.1661642738996083,1.1679588835218495,1.0666586472129838,1.067206358416284,1.072011749666372,1.6962237417095092,1.693458110716848,1.667906083241814,-0.2724894870607628,-0.2755705972553295,-0.3022788969889984,0.950367284647502,0.9468464498276696,0.9152300958763891,1.4910552127895391,1.4879443146564264,1.4594014099086223,1.5609228607049177,1.560672922536164,1.5582819552759417,-0.7723931403285773,-0.7718003727595644,-0.7663219808232719,0.8415953019670162,0.8416528039537577,0.8419056486832779,1.4078089978789825,1.4075426402013131,1.4049425941305094,0.22551849323879555,0.22352173147071905,0.20597242946868025,0.918835955691292,0.9182573332289022,0.9129210974833424,0.4670332834921748,0.4647539920495896,0.4443408442119043,0.2996915629258465,0.29753751864320754,0.2784933452179973,-0.9334984322235024,-0.9343882309060704,-0.942480951602854,-1.0142765006899277,-1.0166970425514292,-1.038489962956596,-1.0190414740316556,-1.0206728635640654,-1.0353412934976125,-0.9818658863026406,-0.983002533821386,-0.9932775233040892,-1.3960193975744797,-1.4000376086525077,-1.4346826412386295,1.5225682241050713,1.5236571275428867,1.5335079811844434,0.8705972004637605,0.870280558439804,0.8672430368362607,-0.4739576489024848,-0.4792561422601121,-0.5270871409943692,-1.7886040554455909,-1.787635906133915,-1.778561169293549,-0.8864706025125512,-0.8861321375233775,-0.8827548959936241,-1.6402851065423605,-1.6401504744034008,-1.638404199788695,-1.7839295645941815,-1.783272150287743,-1.7768947080197184,0.6721441537115644,0.6718344298091565,0.6690528450104877,0.15384647740867252,0.1546983087755547,0.16243342102444608,0.7489732120042859,0.749591342791639,0.7548277920872782,0.7340914101865476,0.7337246977208828,0.7303789842102627,0.380234240714446,0.3847249630116613,0.4245078786709083,1.0769137251768022,1.0775946494032171,1.0837532414040565,0.9436334695376876,0.9448742793807536,0.9562521674909552,0.6844878616646711,0.6871372669601832,0.7108110639962527,-0.8778896420364822,-0.8772138789263164,-0.8711459202612084,-1.0922683558826178,-1.0924158884712074,-1.0936538907429492,-1.067431977428829,-1.0671124938732313,-1.0640965070944013,-0.9754091673300544,-0.9747591345781116,-0.9688457134378547,0.8325291488879892,0.8337120894830368,0.8443371505527408,1.3293287452525615,1.3304358171839408,1.340313832318199,1.0393557644882452,1.040673384923067,1.0524838696961831,0.9038473998254152,0.905096769166662,0.9163130962313272,1.2144766394194024,1.2147218252321188,1.2169184735829477,-1.2903110245516656,-1.2903007798723254,-1.290205504027168,1.0793123485834362,1.0796479459963484,1.0826815337526887,1.1954187844937436,1.1956922731396686,1.1981467635117076,-1.5686109825302381,-1.567375070598387,-1.5549899410706245,-0.683575614461858,-0.6801710349983391,-0.6493311364055446,-1.0904115913975736,-1.08855260017889,-1.0711632998002762,-1.4665781377808509,-1.4666690632292123,-1.4669460552271962,0.2102361834897224,0.2102169856837457,0.20973557694586803,-1.273754814281394,-1.260162321066073,-1.1385731600963072,-0.9080894096050032,-0.8954236265656623,-0.7850823827291328,-0.3437033641890688,-0.3362776552053719,-0.2733828431902778,0.7683137747939165,0.7692295570429447,0.7774229893528074,0.9744004450824224,0.9751400604597892,0.9818355970346132,1.0253996106557226,1.0262380438659566,1.0336744888726992,0.9182302941064632,0.9190912325310304,0.9267175831002248,-0.0755436476811382,-0.07606769298297547,-0.08080678815721405,0.7747868879703966,0.7761279369994109,0.7881807024643527,0.7457777977559409,0.7465738635594286,0.7537009269650117,0.3817644017556957,0.3817039336700549,0.3812209780685868,0.3645967981151945,0.3646914307147553,0.3655380662645417,0.3777019754522127,0.37769856019083375,0.3776680604743503,0.3756893377382412,0.3757110124173984,0.3759007540612144,0.3701893084448337,0.37024758306406985,0.3707658344984459,-2.1546180226632017,-2.155102256570556,-2.15922065991234,-1.4210830997802066,-1.4207484621871678,-1.4176721607829337,-1.7659569492352,-1.7668371927453423,-1.7747907790271913,-2.025518366665645,-2.026588128536821,-2.0360754854763057,-0.14265807119801732,-0.14327686416025406,-0.14795603228772994,-0.6751065858025488,-0.6725018547026037,-0.6496141118046518,-0.4442135606243176,-0.4430964008744212,-0.4332693792260428,-0.24972394001747195,-0.2497666596831649,-0.24962158803485,1.047170262497667,1.0475246321224492,1.0506057527526134,0.9632801408040922,0.9629725296415744,0.9601961485258991,1.031445707493314,1.031626456077429,1.0331759274370025,1.044383273614774,1.0446943187081568,1.0473973510870511,1.076131551775192,1.0798298115290283,1.1126805446937162,-1.7661611488889832,-1.7669096987339858,-1.7736520223161554,-0.8547056874463278,-0.8539430001820377,-0.8466702282726851,0.3620113234129235,0.3653593859850954,0.3958721758686428,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1054397973,-1.7320508075688772,-1.732050807568877,-1.7320508075688774,1.7320508075688774,1.7320508075688774,1.7320508075688772,1.7320508075688772,1.7320508075688772,1.7320508075688772,1.7320508075688774,1.7320508075688774,1.7320508075688774,-0.14919263977104522,-0.14965492832143396,-0.15370102528411475,-0.06422595457910696,-0.06459923215318532,-0.0680820894413901,-0.12299362753626016,-0.12342699547166347,-0.1272886666109908,-0.1407258721453927,-0.14117822150868406,-0.14515984644622326,-0.3999548922595672,-0.4002489484446895,-0.4028881443737612,-0.4380418051460376,-0.4379778629847488,-0.4373698606511887,-0.4225237138787197,-0.4226243533950539,-0.4235208501896335,-0.4091473192819494,-0.4093650468958192,-0.4113173203235965,0.2421331029370173,0.2421082301999028,0.24198346895123216,0.1568990979717454,0.1577506646857563,0.16545155227662586,0.19810273941499607,0.19860956221747011,0.2032418879991432,0.2254175272457593,0.2256292426228606,0.2276248898482525,1.0000000000000002,1.0,1.0000000000000002,0.9999999999999996,1.0000000000000002,1.0000000000000009,1.0,1.0,1.0000000000000002,1.0,1.0,1.0,-1.4016584610399152,-1.4027403458332304,-1.4122543005885375,-1.7237372584650694,-1.7241126362622263,-1.7274864697635115,-1.6507855608825974,-1.6511630796730197,-1.654562041041104,-1.5221801571055502,-1.5229202740893943,-1.5294606084750697,0.6617275587181373,0.6642167488951667,0.6860648518062292,0.8714475092166888,0.8733576023346948,0.8900098209094093,0.9116953558008096,0.9144021769847909,0.9377977796656172,0.7713025231346748,0.7739576208606248,0.7970951817802905,-0.6416853133679975,-0.6416859966615303,-0.6416889416733795,0.006796835431601807,0.006551516919231319,0.004286429519038691,-0.5253054975815737,-0.5253194958772025,-0.5253810429643396,-0.6324147215487368,-0.632386009104724,-0.6321039809929783,-0.11056216844407007,-0.11374094218015225,-0.14227628578416845,-0.7252776777516218,-0.7241649861890685,-0.7122721654837629,-0.3157571298407414,-0.317432682925726,-0.33209197966316345,-0.17299963479155467,-0.17570288123514136,-0.19987649917868536,0.2425471606943385,0.24412380818078105,0.2583727669074415,-0.5443759858365723,-0.5411202344297797,-0.5115869429662366,-0.20790971304725314,-0.20496210361952624,-0.17842875943958694,0.05296662952464812,0.0552186978282911,0.07547128342300108,1.0846444470372532,1.088729895889651,1.1238838285338313,-0.9345022683784572,-0.9350971985306884,-0.9406032188351028,-0.4398313081205424,-0.4386249764257336,-0.4277614600713642,0.4975914012176416,0.5028052248816715,0.5494601631521493,0.05522169978193886,0.05318490399508717,0.034501073134759065,-0.21661476781663916,-0.21917111139972006,-0.2423177972247319,-0.07409361546312933,-0.07671730305106189,-0.10069736412251122,0.012297525907920805,0.010025355160710285,-0.01078941045349545,-2.268077784880137,-2.2691722223012194,-2.278868468900076,2.006981469411144,2.0050455967999907,1.9873306449476895,-0.6592093469883189,-0.6672702712373718,-0.7396298912850409,-1.9605055174815469,-1.9631331174017417,-1.9864047982651405,-0.6300136023765125,-0.6311044354165309,-0.6398225534173895,-0.429519208093588,-0.4293379063635153,-0.4278680013202197,-0.5540802806341951,-0.5541877849539036,-0.5551772772777471,-0.6288441843698828,-0.6292534898992237,-0.6325280216648651,-0.8778896420364822,-0.8772138789263164,-0.8711459202612084,-1.0922683558826178,-1.0924158884712074,-1.0936538907429492,-1.067431977428829,-1.0671124938732313,-1.0640965070944013,-0.9754091673300544,-0.9747591345781116,-0.9688457134378547,0.9252504902579868,0.9242105120497554,0.9147600268468232,0.07543797025700873,0.07451766092353546,0.06627678961792632,0.6616240182719473,0.6604356504174871,0.6496792270116276,0.8425304700722337,0.8414273351967746,0.8314144867374826,-0.9431881005481728,-0.9430017505329584,-0.9413056788821867,0.7536101626339199,0.7534504078509162,0.7520157975656819,-0.994603784854255,-0.9945545027121768,-0.9940971887790367,-0.9560686551620344,-0.9559039319724668,-0.9544016244694338,-0.35605484215358724,-0.34504417670991683,-0.2463383395227965,-2.164864405167332,-2.1640429413516484,-2.1563042474446994,-1.9030576855435657,-1.9019525540011208,-1.8920868842280372,-1.241470946261501,-1.235917270083703,-1.185594502081449,0.08533866476029749,0.08531898436859194,0.08518863480251486,0.4421603117380665,0.4413481202015359,0.4335542114374737,0.3738887499030331,0.3726488223542736,0.3615414525537909,0.23889953997538996,0.23789866962860415,0.22935195433355915,1.2487184711615502,1.2477355039637208,1.238863189240969,-0.5550985391236319,-0.5552240720598374,-0.5557752041490523,0.21828831966921486,0.21800115556844069,0.21587545021970184,0.8657264564753466,0.8650161290039422,0.8587764263212306,-0.0755436476811382,-0.07606769298297547,-0.08080678815721405,0.7747868879703966,0.7761279369994109,0.7881807024643527,0.7457777977559409,0.7465738635594286,0.7537009269650117,0.3817644017556957,0.3817039336700549,0.3812209780685868,-0.16260040836084927,-0.16066986417695453,-0.14308145668382966,0.4522277877986112,0.4527074505545218,0.4568602995586787,0.15657611980182834,0.15764087656147546,0.16718696272510725,-0.033390331239584216,-0.031832461934450086,-0.01771259105796315,1.2828854214416137,1.285107985008883,1.3048641911788734,-0.08000555852826496,-0.08054987397665098,-0.08550264899034142,0.39602938148758254,0.39725899530702097,0.4084444962501791,0.8779414163383457,0.8802256667130817,0.9007764857865396,-0.7444906722975491,-0.7434341592835291,-0.7343582298446916,0.32924941967795457,0.32657726965031925,0.30353456325100464,-0.3264525411865037,-0.32710418500720523,-0.33268281349281337,-0.6216270891280878,-0.6210737072809907,-0.6164246676323717,-1.3814914876016282,-1.379806480474971,-1.3649812350681867,-1.9410573598165697,-1.940251738460748,-1.9329777908414247,-1.63443382296551,-1.633335771993434,-1.6236601493069092,-1.4748478912848004,-1.4734016021615302,-1.46068134483346,0.3130491087152492,0.31433820779230043,0.3260620022010333,-0.8386889512172405,-0.8378540379173777,-0.8303308136358138,-0.5096939723803655,-0.5087035814234666,-0.4994523771372503,-0.0074104076510927855,-0.0059333587314209105,0.007790634000123008,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1093361029,0.5773502691896251,0.5773502691896248,0.5773502691896251,-0.5773502691896256,-0.5773502691896258,-0.5773502691896257,-0.5773502691896256,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,-1.0144703814468583,-1.0149644917804954,-1.019032408721644,-1.1335996744360246,-1.132907283257928,-1.1266117839361751,-1.0593875367631145,-1.0594427197669951,-1.0596936358608962,-1.0298494963174334,-1.030194560661398,-1.0329672397862633,-0.9468888367028228,-0.9471716798862212,-0.9497085621150284,-0.8840043336557574,-0.8841722246707607,-0.8856648879301947,-0.9354591222722844,-0.9356053299035724,-0.9369284267127108,-0.945233344503748,-0.9454510456028821,-0.947410454712024,-1.545430507961524,-1.5440064538170812,-1.5311342356899005,-1.0257643955303022,-1.0249846472117228,-1.017876603681385,-1.2793945375480875,-1.2782734041322923,-1.268120440883679,-1.4454658970814065,-1.4441503112282816,-1.4322547171197049,-1.0000000000000002,-1.0,-1.0000000000000002,-1.0000000000000004,-0.9999999999999998,-0.9999999999999992,-1.0000000000000002,-1.0000000000000002,-1.0,-0.9999999999999996,-1.0,-1.0,-0.21772195541193695,-0.2160237060135257,-0.2010649258208968,0.6696073828064398,0.6691473177582196,0.6651588599044391,0.2667776836663177,0.2673460902635953,0.2723743495070746,-0.022170887818646668,-0.020870081810953643,-0.009422467534975382,0.9477514719117,0.9475564187315616,0.9453482317629164,1.353335354026002,1.3521990273878082,1.3416143092774273,1.3639750049466008,1.3632730587902857,1.3559937801714887,1.1250932295968876,1.1247243508927516,1.1206988569631755,1.5609228607049177,1.560672922536164,1.5582819552759417,-0.7723931403285772,-0.7718003727595644,-0.7663219808232719,0.8415953019670163,0.8416528039537577,0.8419056486832779,1.4078089978789825,1.4075426402013131,1.4049425941305091,0.2255184932387956,0.223521731470719,0.20597242946868025,0.9188359556912924,0.918257333228902,0.9129210974833424,0.4670332834921748,0.4647539920495896,0.4443408442119043,0.2996915629258465,0.29753751864320754,0.2784933452179973,0.5148007305518552,0.5161666216263552,0.5284875136560654,-0.4202003677313431,-0.4170781934607087,-0.38881905492615015,-0.01112682653847784,-0.008329268009921778,0.016787805391806118,0.2963812364121659,0.29844140509426204,0.3169211260416014,-0.15568747526861373,-0.1556538563814287,-0.15539940635239965,0.294032977863307,0.2942799645060989,0.2964523811746701,0.2153829461716088,0.21582779100703486,0.21974078838244784,0.01181687615757798,0.0117745413107793,0.01118651107888961,0.7740186150330369,0.7743399187305724,0.777002071124058,-1.4786839810581591,-1.4795964754417672,-1.4875183976040494,-0.24226454997616298,-0.2421106882086805,-0.2407309511496895,0.4454613779005056,0.4458843773699667,0.44951029857263575,-0.5463214918388426,-0.5449999633722813,-0.5331978780761801,-1.3881069282272531,-1.3892685703388823,-1.3997488750349605,-1.542828356516555,-1.5403432213604122,-1.5172545345756758,-0.8549757667255957,-0.8527451856013359,-0.8327450613930867,0.8079540971133689,0.8057754349426235,0.7863791537879021,0.7673654863453143,0.7687777408656536,0.7809132412142339,0.8719054149363961,0.8717145394983201,0.8697979820387093,0.8872115106161355,0.8854900377058242,0.8702444000717594,-0.4428968441310192,-0.4457353526989147,-0.4710795119641504,0.6131080172574,0.61218738356099,0.6037345539308322,0.15093952324828805,0.14833788414622756,0.12476771954561636,-0.2033516815964503,-0.20635302896193952,-0.2332870416903007,0.9252504902579868,0.9242105120497556,0.9147600268468228,0.07543797025700856,0.07451766092353546,0.06627678961792623,0.6616240182719473,0.6604356504174871,0.6496792270116276,0.8425304700722339,0.8414273351967748,0.8314144867374824,-0.9431881005481728,-0.9430017505329584,-0.9413056788821867,0.7536101626339197,0.7534504078509162,0.7520157975656819,-0.994603784854255,-0.9945545027121768,-0.9940971887790367,-0.9560686551620344,-0.9559039319724668,-0.9544016244694338,-0.8048772662742643,-0.8093412126250664,-0.8486639419254135,0.7351011345956069,0.7374497458505179,0.7584313598163476,0.3349964508202565,0.3363347218618534,0.34880729533365823,-0.2616134770988737,-0.2638704042826941,-0.28404462661114066,0.5792318705707376,0.5796459231604296,0.5833850454837851,-0.8261409516810142,-0.8291130646726199,-0.8538316625879475,-0.42487443146304793,-0.4251912204701504,-0.4271564870730666,0.11161447023440316,0.11229431421546958,0.11833496744027455,0.4988481812165436,0.5004372550282878,0.5146598876872771,0.05341810730737445,0.05503848662643231,0.06980620169983219,0.2735373051643454,0.2754419754735199,0.2926591352228704,0.42647184264080495,0.4282689528982024,0.44439876584970667,1.300390686790206,1.3010247403986464,1.3067117092100338,-0.14277481283427282,-0.1425443950271756,-0.14040484805126413,0.381124737277446,0.3816482017722997,0.3862757130220653,1.1396579058357448,1.1398957627940862,1.1419890996330035,0.3645967981151945,0.3646914307147553,0.3655380662645416,0.3777019754522127,0.37769856019083375,0.3776680604743502,0.3756893377382411,0.3757110124173984,0.3759007540612144,0.3701893084448337,0.37024758306406985,0.3707658344984459,0.16745206070744004,0.16742088064990454,0.16730020596163134,0.32634128332568363,0.3263150232611208,0.32610245995769194,0.2900409888173985,0.2900229049928246,0.2899364061909128,0.2338989330249065,0.2338396928322627,0.23342329438159676,-0.9199535264332156,-0.9212862019056922,-0.9316929751802538,-1.6997088322550038,-1.698148267415278,-1.6839082364189741,-1.4925139129959264,-1.4920548177461204,-1.4881882539495268,-1.1408451755348774,-1.1415679743304097,-1.1471776010359034,0.6928851437484631,0.6924509709222614,0.6885372035538732,0.2764504039036212,0.2760401693576048,0.2723728558484065,0.5350987866035651,0.5346521123186867,0.5306312429341072,0.6387882399142821,0.6383532883406666,0.6344338743970027,0.5125821793194784,0.5087716722782812,0.4741037642249921,0.790670740375983,0.7907907990849137,0.7918562981207645,0.9041108513966972,0.9028862134438941,0.8916742093273134,0.7385962897890292,0.7355856304254518,0.7079177131229015,2.6457513110645907,2.6457513110645907,2.6457513110645907,2.6457513110645907,2.6457513110645907,2.6457513110645903,2.6457513110645903,2.6457513110645907,2.6457513110645907,2.6457513110645907,2.6457513110645907,2.6457513110645907
+1073199471,0.5773502691896251,0.5773502691896248,0.5773502691896251,-0.5773502691896256,-0.5773502691896258,-0.5773502691896257,-0.5773502691896256,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,-0.5773502691896257,-0.5773502691896258,1.3215470734808048,1.3200503845421927,1.306808321590668,0.9485456485768259,0.948396323552222,0.946796470655227,1.2109926028092417,1.209865105976582,1.1998221157678974,1.2862892736594465,1.2849050543653062,1.2726395625800595,1.9029248738172984,1.9025836049933376,1.8995136145368383,1.4396951570001515,1.4407352388510906,1.4501881489446258,1.7372043214626045,1.7372955476934444,1.7381952614864806,1.8480569974414125,1.8478391581865508,1.84591692973294,2.1346252581889944,2.136005818105725,2.1483222828535142,2.187509074338536,2.1876586711651127,2.189006597570246,2.241703416493308,2.24236171881534,2.248242675714248,2.209390335049045,2.21047114267744,2.2201158308059967,-1.0000000000000002,-1.0,-1.0000000000000002,-1.0000000000000004,-0.9999999999999998,-0.9999999999999992,-1.0000000000000002,-1.0000000000000002,-1.0,-0.9999999999999996,-1.0,-1.0,-0.21772195541193695,-0.2160237060135257,-0.2010649258208968,0.6696073828064398,0.6691473177582196,0.6651588599044391,0.2667776836663177,0.2673460902635953,0.2723743495070746,-0.022170887818646668,-0.020870081810953643,-0.009422467534975382,-1.4506502190370032,-1.4479341256283338,-1.4228766530456347,-0.8358882580881143,-0.8327871445863606,-0.8051679126657454,-1.4041598689490602,-1.4007092711411169,-1.3690545794429372,-1.482482154921853,-1.4794309442666824,-1.4512451485628233,0.08658084543015361,0.08708413823532407,0.09188079781501554,1.5108021034991461,1.5108431609229729,1.5112118140513506,0.9433368839738372,0.9432918714784974,0.9430939174551428,0.3464556119857201,0.3468447651209938,0.3506347167038731,1.1443990755702258,1.1483426966262933,1.1826461797904124,-0.2722405678681916,-0.2699919720287206,-0.2503476418710105,0.8114405072775719,0.8163162819259001,0.8591930784847488,1.0525790066780183,1.056865881859797,1.0942648448970442,1.227020651722,1.2259615308567997,1.2162959646933893,1.4669989304107156,1.4663810817249197,1.4603719910403818,1.4177438782979177,1.4165882284506461,1.4058983054031473,1.324074766710439,1.3228391623455875,1.311555215685677,-0.15568747526861373,-0.1556538563814287,-0.15539940635239965,0.294032977863307,0.2942799645060989,0.2964523811746701,0.2153829461716088,0.21582779100703486,0.21974078838244784,0.01181687615757798,0.0117745413107793,0.01118651107888961,0.733063430001429,0.7352769238888198,0.7554702157038672,0.4933278929500082,0.4950486831615192,0.5106787643176229,0.7387397479800061,0.7413607998370335,0.7652373574563287,0.7539426699443512,0.7563645669858494,0.7784371759951619,0.6721441537115646,0.6718344298091563,0.6690528450104877,0.1538464774086725,0.1546983087755547,0.16243342102444608,0.7489732120042858,0.749591342791639,0.7548277920872782,0.7340914101865476,0.7337246977208828,0.7303789842102627,1.17020245519328,1.1728754790364826,1.1968237456639417,-0.6554438716210402,-0.6547848195156938,-0.6481365341566029,-0.05359748851356077,-0.050927646041091484,-0.026145143959194955,0.6260362714343731,0.6289684581113875,0.6559487182955432,-0.8778896420364825,-0.8772138789263164,-0.8711459202612086,-1.0922683558826178,-1.0924158884712074,-1.0936538907429492,-1.067431977428829,-1.0671124938732317,-1.0640965070944013,-0.9754091673300544,-0.9747591345781116,-0.9688457134378547,-0.26174660399780986,-0.2602102997350849,-0.2465102040715929,-0.5750072482525271,-0.5747116424491855,-0.5721640343083996,-0.3820608887718099,-0.3809703450719664,-0.3713016812079881,-0.3023166464100808,-0.3009290899446632,-0.2885769027965984,-0.9431881005481728,-0.9430017505329584,-0.9413056788821867,0.7536101626339197,0.7534504078509162,0.7520157975656819,-0.994603784854255,-0.9945545027121768,-0.9940971887790367,-0.9560686551620344,-0.9559039319724668,-0.9544016244694338,-0.8048772662742643,-0.8093412126250664,-0.8486639419254135,0.7351011345956069,0.7374497458505179,0.7584313598163476,0.3349964508202565,0.3363347218618534,0.34880729533365823,-0.2616134770988737,-0.2638704042826941,-0.28404462661114066,1.7361358107614286,1.736031373804746,1.7351581136759886,1.1557855393404255,1.1574737861604452,1.1704725463463292,1.5379698077865456,1.5390763797098168,1.546855327415446,1.7673997422951346,1.7668324953957677,1.7613904584018407,-0.30031983803408896,-0.30118107914890513,-0.3088917983497228,1.110714255540144,1.1098300584229819,1.1015415930583607,0.6092202705348139,0.6079536685208335,0.5962144764586962,0.07810880007129939,0.07696412799656728,0.06653870684671385,-1.2840583304451427,-1.2847108279684818,-1.2905016086669128,-1.0269078275639965,-1.027355238174376,-1.0313255151405756,-1.546399925249196,-1.5466394931885037,-1.548605715355737,-1.8079080638622842,-1.8077178862481735,-1.806014249484164,0.3645967981151945,0.3646914307147553,0.3655380662645416,0.3777019754522127,0.37769856019083375,0.3776680604743502,0.3756893377382411,0.3757110124173984,0.3759007540612144,0.3701893084448337,0.37024758306406985,0.3707658344984459,0.16745206070744004,0.16742088064990454,0.16730020596163134,0.32634128332568363,0.3263150232611208,0.32610245995769194,0.2900409888173985,0.2900229049928246,0.2899364061909128,0.2338989330249065,0.2338396928322627,0.23342329438159676,0.6902892868017886,0.6854944193984318,0.639816435899852,1.4864900261042118,1.4898579501228773,1.5191584589795315,1.2290582280047142,1.2271429354607908,1.208905468306291,0.8933873527980569,0.8894269035797249,0.8518127867710803,-1.047168654245901,-1.047664494451659,-1.052036482019097,-0.7895818511359987,-0.7906200631881832,-0.7998023735273251,-0.9605163040591904,-0.9612972490049798,-0.9682179206251171,-1.019234885945005,-1.019847251089409,-1.0252645043278137,0.5125821793194784,0.5087716722782812,0.4741037642249921,0.790670740375983,0.7907907990849137,0.7918562981207645,0.9041108513966972,0.9028862134438941,0.8916742093273134,0.7385962897890292,0.7355856304254518,0.7079177131229015,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273,-0.3779644730092272,-0.3779644730092272,-0.3779644730092273,-0.3779644730092273,-0.3779644730092273
+1031576760,-0.3947633627792924,-0.3881817302978099,-0.3564822672782574,-0.3256546031523845,-0.3420012360977788,-0.408649531845659,-0.4041533820969489,-0.4026272216497165,-0.4001013778464108,-0.4015845409562533,-0.3965642659521037,-0.3748235765026379,0.22378447679622554,0.2269091852311937,0.25473454373384163,0.2916923705192675,0.2941990158943565,0.31651030375656525,0.24684489510276456,0.2497837087650512,0.2759443885574132,0.2314834180802679,0.2345485694066599,0.26183989365062904,1.1605741592104593,1.1589414888622966,1.144502324135012,-0.6006009776318532,-0.60023516915216,-0.5971913551734355,0.3130325568437353,0.31235909605487905,0.3063003877330725,0.876753715709207,0.8753292734521885,0.862735396586335,-0.9062420061563686,-0.9060697208747988,-0.9044758288840586,0.9963810086045612,0.9957807384360462,0.9878458058914862,-0.8501696621896758,-0.8495404755090663,-0.843787168625456,-0.8950963561798352,-0.8948224127747504,-0.8922950552609724,0.9269604184835044,0.9246515632875724,0.9011854604413828,0.4215892209332997,0.4188429541462309,0.394838636842919,0.5983549477286557,0.5947924703438261,0.5629087441106807,0.8580329609380785,0.8550556417534642,0.8265780672284635,1.6748506577813518,1.6755989206122994,1.6822577193097583,2.1248998680757945,2.124769367203491,2.1236063909676037,1.9575234183660264,1.9577348751883448,1.9596173615776256,1.801035334169127,1.8015625591238418,1.8062522375729384,-0.6238993731460789,-0.6242126565785142,-0.6269776099401085,-0.6168753744099948,-0.6173547224384486,-0.6216211347036116,-0.6252237573349566,-0.6256169852351755,-0.6290975340265702,-0.6253463127827447,-0.6256897953271766,-0.6287236258576143,-0.2808482414181003,-0.28036851403215657,-0.2759061095945537,0.7937733085573244,0.7937831529192733,0.7938518985856694,0.09633768603311037,0.09689554786395296,0.10197380785295276,-0.1619522357941342,-0.16140361534475633,-0.15634864638729426,0.9424684603285142,0.9420893339097411,0.9383941510340434,1.1916636212374727,1.1914335595286678,1.1893055632554956,1.1625981835247892,1.1625205749108607,1.1617123863203012,1.043115206572286,1.0428881037804627,1.040627232164764,-0.12826184675479393,-0.12913006901348625,-0.1370658741176951,-0.6567582870478129,-0.6574316496278297,-0.6636498976538913,-0.4815667476713088,-0.4823691467366831,-0.4897569059412348,-0.2973992628287269,-0.29826163238496883,-0.3061736151070312,0.1788966317549717,0.17859492381297318,0.1761631061920186,-1.2726249431448953,-1.2720935449408377,-1.2671526495044436,-0.31825472792581905,-0.3190959331352367,-0.3261982024298573,0.057131304725286436,0.056738430425116435,0.05355638926960391,0.7800479228725111,0.7798917384578034,0.7784390371794535,0.033602553191371266,0.03268534917654796,0.024359520939451075,0.6736239512548056,0.6738277119657462,0.675651880316305,0.7853892999599539,0.7853047816247453,0.7844786563717727,0.8548348115989731,0.8546257860193338,0.8527765980759534,0.5929528200611205,0.5943180932435052,0.6065891051089681,0.8605565160537826,0.8610815869880792,0.8655698155492502,0.8861600612592814,0.8859746721313208,0.8842947807604422,-0.03823949282478273,-0.04005600457150615,-0.05614092651949295,0.2394011220735857,0.2393329540906803,0.2384733829096681,0.13681827831039986,0.1356903828890407,0.12531791545490778,0.03238721973928644,0.0307129928671137,0.015693889073229546,-0.5782792341801128,-0.5788984754877693,-0.5844284553316668,-0.046838157201324136,-0.04722861961207607,-0.050782534744387466,-0.2920723289040989,-0.2927100660786116,-0.29845947237853665,-0.4636417937691122,-0.4643132925436354,-0.4703333383046815,0.8783294543091306,0.8773830840976923,0.8688069425536871,-0.21814510329557327,-0.2183817650902516,-0.2205133632272024,0.5555159378081045,0.5542194930865816,0.5425708597149754,0.7798528223724658,0.7787434112339991,0.7687179107315755,0.6368270888840951,0.6367269691169104,0.6358245414641678,-0.6555107237742587,-0.655400284290643,-0.6544046995608339,-0.719811166176201,-0.7196695243523796,-0.7183919626744659,0.627940397258082,0.6278453676626882,0.6269888754243573,-0.7287979851086559,-0.7279660185868652,-0.7200012756635026,-1.3619033569821364,-1.36163478056176,-1.3591922083867944,-1.4138527128626517,-1.4138179069248948,-1.4134334697573845,-1.2864686835139758,-1.2869673898411191,-1.291382929366512,0.18461563779321394,0.18493449707391266,0.18779874953756565,0.41801972674553656,0.4178152050077412,0.4159308594441288,0.3643158577784137,0.3641584550481208,0.36275836819242796,0.2847200298366746,0.28478241084983325,0.285346597424835,0.4264308335696808,0.42512497710279057,0.4132744706213519,0.6639109023031906,0.6635631710749967,0.6603375614002626,0.5953403361920003,0.5945407062786213,0.5871967249519672,0.5111902770380192,0.5100586403617507,0.4997380476723397,-0.5701459922864399,-0.5695439540333779,-0.5641547625172336,-0.4519936077984164,-0.4540684704466013,-0.4727163632949301,-0.6725397699013331,-0.6734433376705522,-0.6814314843491383,-0.6407977037141485,-0.640611099430477,-0.6389044275932229,0.24253562503633286,0.2425356250363329,0.24253562503633286,-0.24253562503633236,-0.2425356250363329,-0.24253562503633305,0.24253562503633386,0.24253562503633286,0.2425356250363314,0.24253562503633305,0.2425356250363329,0.2425356250363329,-0.910402242604842,-0.9095408030643024,-0.9016813112505804,0.06880784706262022,0.06851136644480707,0.06581770420964021,-0.40215271037670863,-0.4040662398402285,-0.4213372462482719,-0.9607972676414362,-0.9609099766639599,-0.9610245118120068,0.8265910818722881,0.8279266045460792,0.8400094261123252,0.9991168784983993,0.995418225624852,0.961084473488493,0.8998544442403575,0.8999191203850423,0.900750088248664,0.8507580446032168,0.8517029932906873,0.8603590260996888,-1.0067908216666066,-1.0069319428373475,-1.0081771067135188,-1.0336022274574759,-1.033685033029754,-1.0344105361436768,-1.0435994334202994,-1.043604581301529,-1.0436512482428548,-1.0244393687177706,-1.0245123221143413,-1.0251573369556903,0.7614960040213781,0.7621483658109766,0.7678712599309592,0.8945566835143328,0.8944259332077829,0.8931577347238963,1.1684203201736163,1.1687856402996395,1.172070588816564,1.399367184127052,1.399174530999026,1.3973674811504109,-0.7071067811865476,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865476
+1008166305,-1.4506262249700117,-1.4702153054549234,-1.563264625673761,-1.8291278208875212,-1.828587532548357,-1.8025390650898967,-1.7276104657159943,-1.7334826373708254,-1.7590712454827169,-1.554091006231254,-1.5703575998526556,-1.6452777820133642,-0.7917271019797214,-0.7922389079513429,-0.7964614345708654,-1.1861054402016689,-1.1863007621596573,-1.1876594291570992,-0.9234790917024588,-0.9239044387800452,-0.9273296386019864,-0.8354945216613915,-0.835979975117169,-0.8399574734624627,-0.8707537278032926,-0.8696491363214909,-0.8598370450328695,0.05752517698133336,0.056878063975754026,0.051199704709014415,-0.4641134614031861,-0.4637905690396648,-0.4609065679528132,-0.7450879114010902,-0.7441697263679133,-0.7360401604955872,1.3290013067964377,1.3291981421772021,1.3310007108833328,-0.9113816810062936,-0.9040162520605276,-0.8324087968408732,1.3766784897436806,1.3770639161937714,1.3804651112158297,1.3409691106217068,1.341244689992156,1.3437477486373859,-1.6759801174284292,-1.6852664034979892,-1.7680400134189833,0.3980381736965252,0.4001557854579391,0.4186984345790166,-0.006678165277089341,-0.00436035892432519,0.016278386220744748,-0.7960706004204774,-0.7974336707194313,-0.8085935928615727,0.5521320668896642,0.5514905637231463,0.5457594389578048,-0.025950728456328318,-0.02576046226039681,-0.02409304252625717,0.2558136604601659,0.2555233865038582,0.2529244995732773,0.4347337655269519,0.4342046037146245,0.4294786230011112,-0.6238993731460789,-0.6242126565785142,-0.6269776099401085,-0.6168753744099948,-0.6173547224384486,-0.6216211347036116,-0.6252237573349566,-0.6256169852351755,-0.6290975340265702,-0.6253463127827447,-0.6256897953271766,-0.6287236258576143,1.5694710488165369,1.5688332120378272,1.5630231991083972,1.0759933794091945,1.0758137065542954,1.0741662885930312,1.518835003304184,1.5179560271240458,1.5100100465558377,1.566832933283796,1.5660963558556291,1.5594022895428106,-1.1589697312022158,-1.161715247825548,-1.1858541039183252,-0.9027447415272416,-0.903929254575768,-0.9142552395577384,-1.1345500030306532,-1.1369497634865973,-1.1581756473407736,-1.1718155747802566,-1.1745390060045078,-1.198572380256645,-0.7687706728336551,-0.768437328838455,-0.7654292956575354,-0.9581170193985336,-0.9584347302979844,-0.9613007070471018,-0.926955218007079,-0.92705444054717,-0.9279646510460492,-0.8576016884863334,-0.8574766524523061,-0.8563626365107601,-0.9795571592939976,-0.9804371720319016,-0.9885181440601002,1.0981702618824642,1.099309302661237,1.1095133015275025,-0.5659316293427513,-0.5661516340891544,-0.5685432792794821,-0.8901910668729649,-0.8909889055633153,-0.8984087345256964,0.14500965286619108,0.14482753693889291,0.14300304603332542,-1.1190997681224577,-1.1190797937402777,-1.11874489437768,-0.5785876592477728,-0.5783572622439302,-0.5762634722015197,-0.06405940133639737,-0.06390619897352036,-0.06267260716268935,-2.1665771533020117,-2.1665708916932225,-2.1665008409053,-0.5618374201087573,-0.5647655271086073,-0.5911429278081893,-1.6443650041422575,-1.6471099917469243,-1.6712175583386952,-2.050053568527345,-2.0506849863112504,-2.056169256563656,2.025741206909057,2.0262591769747047,2.030085190001813,0.2042161207504329,0.20660646955679848,0.2287997780935453,1.1667993909508032,1.1697974492327012,1.1972219205780166,1.7651602117437342,1.7668248889572655,1.7813619113636503,1.3082456158303404,1.3066493493113311,1.2919621182865613,0.7475781985644899,0.7468832749382086,0.7404042819450141,1.0360367710429823,1.0350624496928298,1.0259891428824606,1.2091018063457752,1.2077851737512388,1.1956064070778658,-0.3701722194776399,-0.3715924551053568,-0.3842878888792446,-0.8103395377322671,-0.8101999207767738,-0.8089243737906279,-0.5393086483058975,-0.5404320324605827,-0.5503889444996962,-0.4260738254348356,-0.42743476153848986,-0.4395700136400672,-0.6368270888840951,-0.6367269691169104,-0.635824541464168,0.6555107237742587,0.6554002842906429,0.6544046995608338,0.719811166176201,0.7196695243523796,0.7183919626744659,-0.6279403972580819,-0.6278453676626881,-0.6269888754243573,-0.6851914621832199,-0.6860403746543209,-0.6941334249336053,1.0109735484945441,1.0116693863053796,1.0178968660835708,0.7345918538638769,0.7358778081840657,0.7473906814194587,0.1345608268642197,0.13575719067427433,0.14644443434098706,-2.026120255078552,-2.026289729618315,-2.027722561311471,-1.8585776912669407,-1.8606727383670925,-1.8787227852632848,-1.9991303020349285,-1.9997877151655667,-2.0054584599641143,-2.0679712109388504,-2.067899434196029,-2.0672670214460447,0.4264308335696808,0.42512497710279057,0.4132744706213519,0.6639109023031906,0.6635631710749967,0.6603375614002626,0.5953403361920003,0.5945407062786213,0.5871967249519672,0.5111902770380192,0.5100586403617507,0.4997380476723397,0.8003850887043692,0.8004292323839972,0.800886473005979,0.15696383562375166,0.1591377767177099,0.17894671140216767,0.6274399468039588,0.6290328484772904,0.6434015514546713,0.7862574341083203,0.7867781187469983,0.7915055942553234,-1.2126781251816647,-1.2126781251816647,-1.2126781251816643,1.212678125181665,1.2126781251816647,1.2126781251816647,-1.212678125181665,-1.2126781251816647,-1.2126781251816665,-1.212678125181665,-1.2126781251816647,-1.2126781251816647,-1.328568020336765,-1.3287150830269006,-1.329481297879664,1.6202968490282048,1.620892279247422,1.6262504346492324,1.0909927686864695,1.0891986371169493,1.0724085779770662,-0.5243026958551069,-0.5282188056693602,-0.5621439647428101,-0.4372557051797675,-0.4367889708592864,-0.4322436655895571,-0.9724514663480938,-0.9744669786346859,-0.9927216810959216,-0.5947809543404802,-0.5948279024187106,-0.5952188224390015,-0.486159207415448,-0.4858291189530691,-0.4826093788585225,0.31014415594395794,0.3107974267523829,0.3166067520865132,0.8596031290178304,0.8590840559039745,0.8544614951605713,0.5591435137506011,0.5592122151296146,0.5598368335467856,0.4021406559366888,0.402577733699936,0.40646993795452935,0.21509674199975226,0.2145620039761637,0.20986015314771347,-0.9949480277860351,-0.994936037599944,-0.994819065838601,-0.9825799491664344,-0.9824946058244641,-0.9817152581514544,-0.5974932256042482,-0.5967395239058639,-0.5898672406506122,-0.7071067811865476,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865476
+1010326655,-0.3947633627792924,-0.3881817302978099,-0.3564822672782574,-0.3256546031523845,-0.3420012360977788,-0.408649531845659,-0.4041533820969489,-0.4026272216497165,-0.4001013778464108,-0.4015845409562533,-0.3965642659521037,-0.3748235765026379,0.11010585754998473,0.11064294592750633,0.11543443689458645,0.20152184497897144,0.20188058855058644,0.20505180725147687,0.14033164780636204,0.1408167393863998,0.14513164484967006,0.12011451708930042,0.12063518695733093,0.1252756858463128,0.06553380263943805,0.06625186569951826,0.07248536480135433,0.6026900989255841,0.6020930477491814,0.596723974312073,0.3889437183221915,0.3888407952588104,0.3878607249841041,0.1908528323380852,0.19128064137167075,0.19495476495620012,-0.9062420061563686,-0.9060697208747988,-0.9044758288840586,0.9963810086045612,0.9957807384360462,0.9878458058914862,-0.8501696621896758,-0.8495404755090663,-0.843787168625456,-0.8950963561798352,-0.8948224127747504,-0.8922950552609724,-0.5142371467748859,-0.5103256457389458,-0.4718429916178576,-2.2324545899783463,-2.232138084620523,-2.2284657596727158,-2.1839037748340338,-2.1850792550179827,-2.1933259138027474,-1.7769661743838163,-1.7806103642752782,-1.8102823210311167,-0.8841763618123449,-0.8841968964567765,-0.8844050708955215,-0.7832065433343717,-0.7834963458845157,-0.7860981003746741,-0.8518764045525922,-0.8519735800008973,-0.8528688572695744,-0.8766914272505139,-0.8767283299999735,-0.8770854126923621,0.4778093961562617,0.4792110576783489,0.4918067364705222,0.6709627641599264,0.6726493684094784,0.6877513528718573,0.5717734278682187,0.5732918400116579,0.586903815758445,0.5144801703194618,0.5159224520915386,0.5288694136183544,1.1631002103759407,1.1632423152204003,1.1643379758440031,0.24392078265018896,0.2438847574771878,0.2435771692177477,0.9190007093445446,0.918739538936748,0.9162796441939074,1.0946912611526092,1.094672624442112,1.094338082085021,0.9424684603285142,0.9420893339097411,0.9383941510340434,1.1916636212374727,1.1914335595286678,1.1893055632554956,1.1625981835247892,1.1625205749108607,1.1617123863203012,1.043115206572286,1.0428881037804627,1.040627232164764,0.7996229382666109,0.8011948437471319,0.8153830441956975,-0.08544208700105613,-0.08423197143720605,-0.07337602513160837,0.2523034065853749,0.25367925029162924,0.2660422305320283,0.5559947272848442,0.5574973602900392,0.571033703679869,1.9700220997071591,1.969701749125412,1.9664251099742356,0.5539456484646509,0.5515225102459934,0.5297337346005709,2.2245780181955017,2.2246455130933662,2.225076384365899,2.062005371672531,2.0618276276657577,2.0598494537347998,1.4150861928788312,1.4149559399767135,1.413875028325581,1.1863048745051998,1.1844504920933736,1.1674639362565822,1.925835561757384,1.9260126861754223,1.9275672328341296,1.6348380012563049,1.6345157622230104,1.6316299199062343,-0.0018756002329729773,-0.0021106946328972548,-0.004260613648867862,-2.007623273534311,-2.006314271651816,-1.9943150197361053,-1.1462244533573256,-1.1426457128215215,-1.11071049449305,-0.4196629689668469,-0.4180133891799397,-0.4035593501515912,-1.2013601358543822,-1.2020431663082871,-1.207361744762531,-1.5628982690148066,-1.5638105787530916,-1.5723096722169456,-1.6334401248750057,-1.6342897719091842,-1.6415098992598631,-1.436275955228422,-1.436787257505126,-1.4405342513974702,-1.0504844728714309,-1.0488652731314154,-1.0342009096391038,-1.9237605840356973,-1.923145188386857,-1.9174752233691736,-1.6060058739732834,-1.6047842955592444,-1.5936349294083776,-1.301325939507172,-1.2997863471316715,-1.2858037825266273,0.2596732804507693,0.2598202789664576,0.2611489456021334,0.4367035182257401,0.4367616028070091,0.4372880198073741,0.33376017209216263,0.33393738453942906,0.3355262026197721,0.2846655377146222,0.28483571581848416,0.2863690984778068,0.6368270888840951,0.6367269691169104,0.6358245414641678,-0.6555107237742587,-0.655400284290643,-0.6544046995608339,-0.719811166176201,-0.7196695243523796,-0.7183919626744659,0.627940397258082,0.6278453676626882,0.6269888754243573,1.4139894472918757,1.4140063932411857,1.414134700597108,0.3509298084875924,0.34996539425638057,0.3412953423032239,0.6792608589987743,0.677940098740829,0.6660427883379255,1.1519078566497558,1.1512101991668446,1.1449384950255252,0.18461563779321394,0.18493449707391266,0.18779874953756565,0.41801972674553656,0.4178152050077412,0.4159308594441288,0.3643158577784137,0.3641584550481208,0.36275836819242796,0.2847200298366746,0.28478241084983325,0.285346597424835,0.6517419077558461,0.653970893858535,0.6739418919409773,-0.5985775911056146,-0.5967235212450505,-0.579647367197437,-0.12393436909628977,-0.12146646616611816,-0.09899223868438006,0.3030203240963546,0.3055529555673836,0.3284107407994715,0.6601855916605814,0.6599246580372302,0.6575672222822346,0.87868070820885,0.8793704011744201,0.8855490858779009,1.0143689528605755,1.014392663813314,1.014505947185156,0.8262988985615339,0.8259916693917139,0.8232110592746679,0.24253562503633286,0.2425356250363329,0.24253562503633286,-0.24253562503633236,-0.2425356250363329,-0.24253562503633305,0.24253562503633386,0.24253562503633286,0.2425356250363314,0.24253562503633305,0.2425356250363329,0.2425356250363329,0.2384492161572304,0.23377012627986699,0.1918460155521504,0.8095833469791963,0.8078691289791968,0.7921285126054984,1.0189575644034303,1.0154596524208166,0.9824649053789858,0.7296311793576522,0.7222068115227479,0.6551051929074778,-0.4023623465714706,-0.4026854882996848,-0.4055657642240824,-1.0985765079796121,-1.095454353198199,-1.0667256651508312,-0.6018223625303567,-0.6010430637869411,-0.5942492409970002,-0.463939126216366,-0.4639042125286479,-0.4636558194450544,0.31014415594395794,0.3107974267523829,0.3166067520865132,0.8596031290178304,0.8590840559039745,0.8544614951605713,0.5591435137506011,0.5592122151296146,0.5598368335467856,0.4021406559366888,0.402577733699936,0.40646993795452935,0.21509674199975226,0.2145620039761637,0.20986015314771347,-0.9949480277860351,-0.994936037599944,-0.994819065838601,-0.9825799491664344,-0.9824946058244641,-0.9817152581514544,-0.5974932256042482,-0.5967395239058639,-0.5898672406506122,1.4142135623730951,1.4142135623730951,1.414213562373095,1.414213562373095,1.4142135623730951,1.414213562373095,1.4142135623730951,1.414213562373095,1.414213562373095,1.414213562373095,1.4142135623730951,1.4142135623730951
+1084331087,-0.3820709580198122,-0.3631130708851629,-0.2659427303158832,1.3375853677387048,1.2979417261478794,1.1665522094882164,0.2425029744293543,0.2560901970322645,0.3352679036027267,-0.18379492256373275,-0.16346106049913695,-0.058113356880142526,0.11010585754998473,0.11064294592750633,0.11543443689458645,0.20152184497897144,0.20188058855058644,0.20505180725147687,0.14033164780636204,0.1408167393863998,0.14513164484967006,0.12011451708930042,0.12063518695733093,0.1252756858463128,1.4549317035096645,1.4558510534242743,1.4639028643862069,1.292356801602073,1.2922093024524346,1.2907059257797433,1.585240731027051,1.5851989216177953,1.5847998196674875,1.5532418362144855,1.5537107597382078,1.5578184046697596,1.3290013067964377,1.3291981421772021,1.3310007108833328,-0.9113816810062936,-0.9040162520605276,-0.8324087968408732,1.3766784897436806,1.3770639161937714,1.3804651112158297,1.3409691106217068,1.341244689992156,1.3437477486373859,0.9269604184835044,0.9246515632875724,0.9011854604413828,0.4215892209332997,0.4188429541462309,0.394838636842919,0.5983549477286557,0.5947924703438261,0.5629087441106807,0.8580329609380785,0.8550556417534642,0.8265780672284635,-1.0107620679359903,-1.0101862551450391,-1.004966455434325,-0.5065853244943944,-0.5062557509136659,-0.5032241051657416,-0.7653979301811743,-0.7648344881942666,-0.7597286461850314,-0.9171200107220032,-0.9165151065531436,-0.9110386581904368,-0.35629176151128805,-0.3587681513207414,-0.3809610474101902,0.01562626116214803,0.01298435340812787,-0.010922492994408206,-0.18480009370226635,-0.18742205776495774,-0.21102360434098355,-0.2912158662880133,-0.29376137310694816,-0.3166115505307984,-1.0772848580569838,-1.0797881915269043,-1.1022723996399515,-2.0370888942133454,-2.037190024635088,-2.0381209148172195,-1.5271801828287803,-1.5289492332780574,-1.5447503095847426,-1.2313841427916292,-1.2337106714364383,-1.2545660175503701,-1.025151239249806,-1.0230591284525086,-1.0041102683633265,-1.4269462439559255,-1.42579838749237,-1.415549441977214,-1.333164879240689,-1.331676156582395,-1.3183215788926184,-1.1604008251902025,-1.1585458021116628,-1.141787776955738,-1.2288993187340551,-1.2282597987617392,-1.2223556496454837,-0.3707501729913024,-0.3707149970550135,-0.37017997317663065,-0.7180575028438133,-0.7177679747689775,-0.7149554550079054,-1.0103976785156716,-1.0099104374088923,-1.005348544691908,-0.3687010446291071,-0.3660172526875548,-0.3417150342380724,-0.20503628593978934,-0.205954025686792,-0.2144550386466878,-0.4562053036583609,-0.4541503786445841,-0.4355934209472198,-0.3958858473771741,-0.39332667738936,-0.3701447632226153,0.14500965286619108,0.14482753693889291,0.14300304603332542,-1.1190997681224577,-1.1190797937402777,-1.11874489437768,-0.5785876592477728,-0.5783572622439302,-0.5762634722015197,-0.06405940133639737,-0.06390619897352036,-0.06267260716268935,0.4378726473120038,0.4380186001022622,0.43932828549273817,0.6588359578606491,0.6589205685056393,0.6596229474784421,0.6433443138152668,0.6428913725267889,0.6387860790941654,0.5278521587449703,0.5275745677866229,0.5251446086516016,-0.6615560519493554,-0.6576326626533247,-0.6221431957944863,-1.0421071090038658,-1.0420690723289947,-1.0413884169135121,-1.0179834138103319,-1.015803024848195,-0.995474536613568,-0.8399338327447082,-0.8363561610261611,-0.8036401522637793,-0.5782792341801128,-0.5788984754877693,-0.5844284553316668,-0.046838157201324136,-0.04722861961207607,-0.050782534744387466,-0.2920723289040989,-0.2927100660786116,-0.29845947237853665,-0.4636417937691122,-0.4643132925436354,-0.4703333383046815,0.3738333064237732,0.3753518120630996,0.3890031323177353,1.4391445251772867,1.439276496868098,1.4404610829552655,0.7546188373561784,0.756168127943873,0.7700014306070934,0.4973047637262818,0.4989021652911692,0.5132327635726109,-1.4794940073304852,-1.4795801882961217,-1.4803561412524222,1.463082834987102,1.4631817845720636,1.4640727367126911,1.4013364228821412,1.4014819126327815,1.4027922069677523,-1.4870715231564098,-1.4871517705362178,-1.4878742891078534,-0.6851914621832199,-0.6860403746543209,-0.6941334249336053,1.0109735484945441,1.0116693863053796,1.0178968660835708,0.7345918538638769,0.7358778081840657,0.7473906814194587,0.1345608268642197,0.13575719067427433,0.14644443434098706,1.2876577039056956,1.286551741322664,1.2765275631612083,0.1864987842847949,0.18941191833612767,0.21499934748676924,0.5418668709212736,0.5431538949730835,0.5544249871944016,0.929091091592152,0.928769790796696,0.9258806317467044,0.2925081879755791,0.29408454518421323,0.30845646135150645,0.597433883409442,0.5975057447438544,0.5981551814273502,0.4993859203733893,0.4999798802427336,0.5054292403800448,0.3927533630280878,0.3938534595528009,0.4039177426289448,-0.3157661194877298,-0.31591880179905946,-0.3172568922339576,-1.9961480140213377,-1.995638822249584,-1.9909521604726037,-1.530203222480965,-1.5290734567248294,-1.5188635734857123,-0.7691278945682052,-0.7686275642142155,-0.7641560653766177,-1.2126781251816647,-1.2126781251816647,-1.2126781251816643,1.212678125181665,1.2126781251816647,1.2126781251816647,-1.212678125181665,-1.2126781251816647,-1.2126781251816665,-1.212678125181665,-1.2126781251816647,-1.2126781251816647,-0.4922364648729193,-0.490366523101704,-0.4738813246214966,-1.482681154902964,-1.4838695463578078,-1.4946150262299516,-1.8952981894398864,-1.8973311167974056,-1.9150830704736093,-1.3972918394277654,-1.39360114765856,-1.3599050588812045,1.486145953688853,1.4842828504851548,1.4669872230625716,1.5812410011265818,1.5859623923901425,1.6276971972785377,1.560321630013532,1.5602840211212836,1.5596498708167588,1.5120957255431675,1.5107772395894428,1.4984627541838909,-0.4886238802200085,-0.4891459391377871,-0.4937859338504566,-0.9041814104362521,-0.9038165376469428,-0.9005641420240116,-0.6832603196163914,-0.6833127386943199,-0.6837892868986709,-0.5615725575582882,-0.5619163472606513,-0.5649766269548266,-2.1682822340420134,-2.1679827435504446,-2.1653229793050586,1.1957307163294395,1.1959562463842657,1.1981417280680096,0.6108992071520702,0.6099125368741127,0.6010045968212353,-1.0062546914413593,-1.0081304902804598,-1.0251332403489852,-0.7071067811865476,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865476
+1036611399,1.311111954274204,1.3048459184678531,1.2710859452730794,0.5714258297267927,0.6073241392980175,0.7266429596464995,1.146707127740269,1.141323441818997,1.112003048786406,1.2705275053537468,1.263473596128,1.2265191459493912,-1.4445262947037112,-1.446187424028888,-1.4610166174787296,-1.221647141052646,-1.22303584288152,-1.2355796180361862,-1.3781604096641007,-1.3797206597390512,-1.393698133188118,-1.4233099869759456,-1.4249367377033892,-1.4394750641073724,-1.165111272102498,-1.1665587008834688,-1.1792375852840646,-1.835432602252593,-1.8355664076288407,-1.8366975762441649,-1.736321635586502,-1.7366303946025807,-1.7394059998872282,-1.4215760319063686,-1.4225512126539326,-1.4311231685790118,0.06072340487622985,0.059812878269992785,0.05142606488550963,-1.1663796638010964,-1.1793097111870838,-1.2987198239927118,-0.2028479929183332,-0.20550640586034336,-0.2295687165552917,0.0033508472960914444,0.0019778583399393352,-0.0106103314918546,-0.5906639912471987,-0.5783626406257811,-0.4636733762873072,0.5696487534819221,0.5754534367238917,0.6252514145649424,0.395517096925156,0.4050622029108298,0.4883212952499608,-0.0010621080099418626,0.01287710973431719,0.13914171220729926,0.5521320668896642,0.5514905637231463,0.5457594389578048,-0.025950728456328318,-0.02576046226039681,-0.02409304252625717,0.2558136604601659,0.2555233865038582,0.2529244995732773,0.4347337655269519,0.4342046037146245,0.4294786230011112,2.017788096428055,2.0176395686357083,2.016103703289912,1.7965387334800533,1.7967695213443158,1.798733185942589,1.929121601471608,1.9291761009290438,1.929486320347836,1.9869050808115167,1.9868367292171685,1.986025089812103,-0.6872190798586967,-0.6859594108495835,-0.6745913328589476,-0.038299288201681166,-0.038145796157834366,-0.03673722078961426,-0.5034966079265291,-0.5023209403233447,-0.4917565945089776,-0.634093907925321,-0.6328273467582732,-0.6214128538450838,1.0942096601255775,1.0946294132049366,1.0987413724994763,-0.4188089141728808,-0.41999768958387257,-0.4307716846886906,0.4044580414633445,0.404032796566971,0.400411557323728,0.8557565850229101,0.85591715670811,0.8576898421340126,1.7502152862020421,1.7497371507786719,1.7453702086066123,2.1221026618808816,2.1218062088599225,2.119078800611076,2.0714061930022285,2.071066927174212,2.0679797424326987,1.9340710132033092,1.9336720667167453,1.9300458137040257,-0.9795571592939976,-0.9804371720319016,-0.9885181440601002,1.0981702618824642,1.099309302661237,1.1095133015275025,-0.5659316293427513,-0.5661516340891544,-0.5685432792794821,-0.8901910668729649,-0.8909889055633153,-0.8984087345256964,-1.6024426175329176,-1.6037355183910544,-1.6153614381731876,1.3946751678426728,1.3965380536018104,1.4134917017543844,-0.4683883103207295,-0.4704345253576008,-0.4891617956189172,-1.3401939654685515,-1.3420091086378878,-1.3583640048373793,0.4378726473120038,0.4380186001022622,0.43932828549273817,0.6588359578606491,0.6589205685056393,0.6596229474784421,0.6433443138152668,0.6428913725267889,0.6387860790941654,0.5278521587449703,0.5275745677866229,0.5251446086516016,-0.11809124541784365,-0.12358028322796087,-0.17318108952276753,1.2158704659987627,1.2140431032671706,1.196832003207624,0.7337056805743046,0.728967941113165,0.6850475358982421,0.22874330410735386,0.22302171389789055,0.17078858940302605,1.4770765595814297,1.4789113502833924,1.4955241573475428,1.3166968570751796,1.3179477722848767,1.3294185456573222,1.446186089642598,1.447852044102249,1.4630242036615266,1.4831495144687337,1.4849410510113392,1.5011973903628058,0.8839241173441545,0.8843080485679822,0.8876963613185993,0.7328007354440871,0.7326706806502701,0.7314935250890869,0.8811724651491637,0.8812631473130111,0.8820061047271078,0.8876288616182729,0.8879248022047286,0.8905130606636282,1.4794940073304852,1.4795801882961217,1.4803561412524224,-1.463082834987102,-1.4631817845720636,-1.4640727367126911,-1.4013364228821412,-1.4014819126327815,-1.4027922069677523,1.4870715231564096,1.4871517705362178,1.4878742891078534,1.4139894472918757,1.4140063932411857,1.414134700597108,0.3509298084875924,0.34996539425638057,0.3412953423032239,0.6792608589987743,0.677940098740829,0.6660427883379255,1.1519078566497558,1.1512101991668446,1.1449384950255252,0.408716747408448,0.4109117920739124,0.430435425997106,1.3698456565224804,1.3674840693354844,1.3465709771483632,1.1320899628276908,1.1307702926544523,1.1191890537672269,0.8024182202388718,0.8028434688523773,0.8066245439899079,0.4264308335696808,0.42512497710279057,0.4132744706213519,0.6639109023031906,0.6635631710749967,0.6603375614002626,0.5953403361920003,0.5945407062786213,0.5871967249519672,0.5111902770380192,0.5100586403617507,0.4997380476723397,-1.7593428311724966,-1.7595830568718949,-1.7617445123975364,0.7979094747699238,0.7974932732491614,0.7933612700383251,-0.6212589564409058,-0.6225192410825445,-0.6339096873616102,-1.4571030266371343,-1.4576480389857058,-1.4625354770957588,1.697749375254331,1.6977493752543311,1.6977493752543311,-1.6977493752543305,-1.697749375254331,-1.697749375254331,1.6977493752543305,1.697749375254331,1.6977493752543291,1.697749375254331,1.697749375254331,1.697749375254331,1.246378755828648,1.2474261414565198,1.2565989590997952,-0.5080034440835288,-0.5067016141568089,-0.4947908126172098,0.09375028336334744,0.0983695335499343,0.14077341668291432,1.0763803117833282,1.0802615592345663,1.1139841712642715,0.17722100904211188,0.17851707556359564,0.1905439295786466,0.07639522689091198,0.07096931077683967,0.021183388223740385,0.15605744904487695,0.15565318966728106,0.15228084218383048,0.17118937799434347,0.17197448395659848,0.17939804391384914,-1.0067908216666066,-1.0069319428373475,-1.0081771067135188,-1.0336022274574759,-1.033685033029754,-1.0344105361436768,-1.0435994334202994,-1.043604581301529,-1.0436512482428548,-1.0244393687177706,-1.0245123221143413,-1.0251573369556903,0.7614960040213781,0.7621483658109766,0.7678712599309592,0.8945566835143328,0.8944259332077829,0.8931577347238963,1.1684203201736163,1.1687856402996395,1.172070588816564,1.399367184127052,1.399174530999026,1.3973674811504109,1.4142135623730951,1.4142135623730951,1.414213562373095,1.414213562373095,1.4142135623730951,1.414213562373095,1.4142135623730951,1.414213562373095,1.414213562373095,1.414213562373095,1.4142135623730951,1.4142135623730951
+1054983662,1.311111954274204,1.3048459184678531,1.2710859452730794,0.5714258297267927,0.6073241392980175,0.7266429596464995,1.146707127740269,1.141323441818997,1.112003048786406,1.2705275053537468,1.263473596128,1.2265191459493912,1.7922572047872376,1.7902312548940245,1.77187463452658,1.7130165207771042,1.711376412045648,1.6966251289337662,1.774131310651071,1.7722079109812454,1.754820093533351,1.787092056378468,1.7850977694992365,1.7670412722265805,-0.6451746654537709,-0.6448365707811294,-0.6418159230056388,0.4834615023754558,0.4846211626036306,0.4952593266167693,-0.0867819092032902,-0.08597784928923907,-0.07864836454462296,-0.4541844409543189,-0.45359973554022104,-0.4483452371376958,-0.9062420061563686,-0.9060697208747988,-0.9044758288840586,0.9963810086045612,0.9957807384360462,0.9878458058914862,-0.8501696621896758,-0.8495404755090663,-0.843787168625456,-0.8950963561798352,-0.8948224127747504,-0.8922950552609724,0.9269604184835044,0.9246515632875724,0.9011854604413828,0.4215892209332997,0.4188429541462309,0.394838636842919,0.5983549477286557,0.5947924703438261,0.5629087441106807,0.8580329609380785,0.8550556417534642,0.8265780672284635,-0.8841763618123449,-0.8841968964567765,-0.8844050708955215,-0.7832065433343717,-0.7834963458845157,-0.7860981003746741,-0.8518764045525922,-0.8519735800008973,-0.8528688572695744,-0.8766914272505139,-0.8767283299999735,-0.8770854126923621,-0.8915069847808701,-0.8896571618362871,-0.8729941724700268,-1.2493770099821375,-1.247693798285025,-1.232319776412815,-1.065647420967647,-1.063811912705393,-1.047171463712157,-0.9594767592774762,-0.9576182175474052,-0.9408357011844302,-0.6872190798586967,-0.6859594108495835,-0.6745913328589476,-0.038299288201681166,-0.038145796157834366,-0.03673722078961426,-0.5034966079265291,-0.5023209403233447,-0.4917565945089776,-0.634093907925321,-0.6328273467582732,-0.6214128538450838,-0.795025610330584,-0.7940337047463625,-0.7855653022859118,0.36517265718110253,0.36685821259467466,0.381965239712652,-0.2619395262415806,-0.2604480263197005,-0.2473391037309376,-0.6097705981970225,-0.6086085561528644,-0.5985841492511574,-0.4239063861461491,-0.4251047979121239,-0.4359024333815959,-0.05103509544217712,-0.05099286044188885,-0.0505721976018442,-0.19713013106540234,-0.19755461541301106,-0.20134496096953786,-0.3246671106574213,-0.3255207047606176,-0.33319472107419545,0.1788966317549717,0.17859492381297318,0.1761631061920186,-1.2726249431448953,-1.2720935449408377,-1.2671526495044436,-0.31825472792581905,-0.3190959331352367,-0.3261982024298573,0.057131304725286436,0.056738430425116435,0.05355638926960391,-0.8827108039508079,-0.8807672339212471,-0.8629587193984984,-0.3763830592943289,-0.3755143073911759,-0.3678253701950574,-0.9738958841959148,-0.9726913482957078,-0.961530373128478,-0.9519145330749124,-0.9499990372628272,-0.9323993571152498,0.4378726473120038,0.4380186001022622,0.43932828549273817,0.6588359578606491,0.6589205685056393,0.6596229474784421,0.6433443138152668,0.6428913725267889,0.6387860790941654,0.5278521587449703,0.5275745677866229,0.5251446086516016,-0.006494280862693796,-0.002947060213625907,0.028741766597464868,0.9455176691958908,0.9458971241674377,0.9495929249196206,0.6141001888498303,0.6156370235224726,0.6293970639422649,0.24991905238275555,0.2525838228090165,0.27633001382134403,-0.5782792341801128,-0.5788984754877693,-0.5844284553316668,-0.046838157201324136,-0.04722861961207607,-0.050782534744387466,-0.2920723289040989,-0.2927100660786116,-0.29845947237853665,-0.4636417937691122,-0.4643132925436354,-0.4703333383046815,-2.025587939050188,-2.0252707685898748,-2.0223674929129105,-1.5801641378192737,-1.580127094458352,-1.5798048908338964,-1.9857587640997116,-1.9851561204223118,-1.9797156531692528,-2.023378159996807,-2.022971333009892,-2.0192628198055544,-0.6368270888840951,-0.6367269691169104,-0.635824541464168,0.6555107237742587,0.6554002842906429,0.6544046995608338,0.719811166176201,0.7196695243523796,0.7183919626744659,-0.6279403972580819,-0.6278453676626881,-0.6269888754243573,-0.7287979851086559,-0.7279660185868652,-0.7200012756635026,-1.3619033569821364,-1.36163478056176,-1.3591922083867944,-1.4138527128626517,-1.4138179069248948,-1.4134334697573845,-1.2864686835139758,-1.2869673898411191,-1.291382929366512,-0.039485471822020134,-0.041042797926087136,-0.05483792692197472,-0.5338062030314071,-0.5318536593200016,-0.5147092582601053,-0.4034582472708633,-0.4024533825582105,-0.3936723173823705,-0.2329781605655224,-0.2332786471527108,-0.2359313491402381,-2.223542596440468,-2.22343037035112,-2.2222217651565392,-1.9905889992133992,-1.991471736723794,-1.9995204984307,-2.1614725598531006,-2.162135532912479,-2.1680271765515657,-2.2293445182384994,-2.229582336205437,-2.231542626445436,1.1846842625817156,1.1846919222831052,1.1847024718605141,0.6145876032172288,0.6137058415548937,0.6058114564491401,1.18219304915867,1.1816105231873215,1.176297246556634,1.2544722922496336,1.2541169144916862,1.2508793165356078,0.24253562503633286,0.2425356250363329,0.24253562503633286,-0.24253562503633236,-0.2425356250363329,-0.24253562503633305,0.24253562503633386,0.24253562503633286,0.2425356250363314,0.24253562503633305,0.2425356250363329,0.2425356250363329,1.246378755828648,1.2474261414565198,1.2565989590997952,-0.5080034440835288,-0.5067016141568089,-0.4947908126172098,0.09375028336334744,0.0983695335499343,0.14077341668291432,1.0763803117833282,1.0802615592345663,1.1139841712642715,-1.6503399928520148,-1.6512520714358585,-1.659731148939904,-0.5857251321881879,-0.5824285969589486,-0.5505177127440187,-1.4196302064279296,-1.4199853649679548,-1.423212737813252,-1.5839448145089146,-1.5847213853550115,-1.5919546258938515,1.8819172116653058,1.8814149713077168,1.876926643104468,1.2521796073155431,1.253018491898502,1.2604622239902226,1.6521721589557878,1.6520974710381489,1.6514181162908097,1.806169983120452,1.8057855240894625,1.8023514249571488,0.21509674199975226,0.2145620039761637,0.20986015314771347,-0.9949480277860351,-0.994936037599944,-0.994819065838601,-0.9825799491664344,-0.9824946058244641,-0.9817152581514544,-0.5974932256042482,-0.5967395239058639,-0.5898672406506122,-0.7071067811865476,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865476,-0.7071067811865475,-0.7071067811865475,-0.7071067811865475,-0.7071067811865476,-0.7071067811865476
+1024616618,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,-2.1583119396049764,-2.1596037001238173,-2.17060382268285,-2.0476462384332907,-2.0485430963911595,-2.056373509400491,-2.140403290754287,-2.141573891513319,-2.1516599121995044,-2.156175815604907,-2.1574270532163378,-2.1681274351780586,0.1687578145020147,0.16918204064751854,0.172912215065866,-0.447743462465262,-0.44946131675232986,-0.465030250540538,-0.05505429114516657,-0.0556168332446729,-0.060842161699723875,0.09305387571745784,0.0931213972275863,0.09360808325033756,2.2852711222830093,2.284380611062702,2.276720793815819,2.775971068765345,2.776043485449037,2.776658837982468,3.17695150952138,3.177098832903379,3.1781069726815283,3.1146685124237994,3.1131357785587497,3.0992019377124285,0.22335805479009493,0.2252548076278625,0.2399856293212689,0.11849261461170565,0.11969285601685943,0.12897817120615904,0.18598063349332453,0.1876234433589931,0.20023204554115515,0.2160848221258508,0.21794714435151735,0.23232959951063584,-0.34019464172480607,-0.33799041466343593,-0.3185141708107474,0.34320619164752264,0.343487431495552,0.3459811513646397,-0.03526552858626668,-0.033689443625568374,-0.019846568066444442,-0.22942005849671565,-0.2273839495884933,-0.20944094286873186,0.7834804371869117,0.7837939791298929,0.7863654531344899,0.6390243318600749,0.6387333082311213,0.6359605385426276,0.7204222536870057,0.7205235543079914,0.7212507301926455,0.7602778558491846,0.7605254004323859,0.7625318045337492,0.2652610478500514,0.2622149091968917,0.2358638661597955,-1.9734444407901688,-1.9693218603737541,-1.9314708627839288,-0.475765083952935,-0.4756761428371829,-0.4752188182419621,0.06789466471011907,0.06544366629675195,0.044262435549893925,0.2879040675212615,0.28869010879315976,0.2960114262008145,0.7341271471163753,0.7326022862598871,0.7188835257968493,0.5373153550054537,0.5371126602783274,0.535511576541727,0.3851254025220099,0.3855715101576936,0.3898379149376539,1.5945783729355567,1.5947320135037903,1.5960391941073244,1.5905640229825944,1.5901791917757229,1.5866252667489982,1.608355805055916,1.6082290531122154,1.6070057067066494,1.6048276382604787,1.6048693004003238,1.6051663006007078,1.6520818413557392,1.6517241826520024,1.6482500113525955,1.1460869753602874,1.1440045395789455,1.1259107174186112,1.5568506449658608,1.5557830783629567,1.546107893877956,1.6326254480518745,1.6320955807493809,1.6271199437652208,0.4507384334713394,0.4507979495024637,0.4511326570147383,-0.3175463179519038,-0.3177451621376919,-0.31952709013620256,-0.0054673482987178815,-0.005344484141490552,-0.00432645211327349,0.2581347873092016,0.2583083720055454,0.2596988325640327,-0.8361747249028368,-0.8352698971030692,-0.8270756877142911,-1.0714807936428383,-1.0722566215395914,-1.0790017126091278,-1.0354159331450008,-1.03481908065231,-1.0292380025308852,-0.9000622987720133,-0.8992297756484161,-0.8916413401581991,0.7805259634099572,0.7826671486435435,0.8013602737476455,-0.6804421484081952,-0.6787732993800251,-0.6632850508567567,0.2167500046979677,0.21824854462823876,0.2321445190466982,0.6286727362931697,0.6305733446773248,0.6473286024253176,-0.9461188038083268,-0.945261341645022,-0.9373288993979584,-2.5614471180884593,-2.5610405818307234,-2.5572720089045293,-1.8171373242542663,-1.8158840737850588,-1.8045243900318657,-1.259970471914061,-1.2588792039091297,-1.2488817556836225,0.6530720360273431,0.6535558599649233,0.6576727112821206,0.7317456679621471,0.7313750694340125,0.7280428231205925,0.7626728463930437,0.7624810842187836,0.7606588380754299,0.7000272955664463,0.7002805809508698,0.7023511120081977,-0.2397357802233925,-0.2394763578524776,-0.23715227789149715,0.21409018322807932,0.21384224638325405,0.21162137129115813,-0.250119890450419,-0.2498560239600135,-0.2474919940436975,-0.24172719547183294,-0.24146691150042104,-0.23913508704490294,-0.8918564158742007,-0.8918538179379502,-0.8918108241810168,0.6235615975182991,0.6264190218066661,0.6514842249040774,-0.4787651664654473,-0.4765109565184695,-0.4557535007574505,-0.7944015392879213,-0.7939218408788066,-0.7894979138340419,0.869566749160414,0.8694380808639842,0.8680403364366485,-0.9202115902941876,-0.9205962856293308,-0.9244002765876989,0.07507276497208172,0.07486662638839284,0.07237450618355584,0.6202338511410329,0.6200953663499147,0.6184260689691002,0.6523884793361915,0.652450854484486,0.6527009299434161,0.5473128130989813,0.5469818707369131,0.54380279628812,0.6056503898139526,0.6054714517170868,0.6036030367560251,0.6395947407844425,0.6395486579509443,0.6388369607481287,1.8392577603339748,1.8381021909182733,1.8277060177080848,-0.5473425726605629,-0.5443362620141281,-0.517803547708731,0.404166125612306,0.4045638782050008,0.4078777064012215,1.3970319459164855,1.395476621369929,1.3814451082916657,0.16818764811157205,0.16422457109255265,0.12714920406075916,0.3441488512619588,0.3448297778673015,0.3502653954966272,0.2875578862648134,0.2865511227988653,0.27566456486963625,0.2231905570970531,0.22039461304849567,0.1930593137176486,1.3966228430745196,1.3916862168365178,1.3483519968076625,2.1832965014076096,2.1846021902425683,2.1958766716537683,2.4197343742626893,2.4200548504396995,2.4212921446012925,2.14823841068408,2.1438221590857345,2.1030348186623,-1.6122812871814869,-1.612166102403568,-1.6109171020823485,-0.6000347915736984,-0.5979814154415017,-0.5790358579205334,-1.4738128774305657,-1.4735468926275033,-1.4712286037678146,-1.5775605331168838,-1.5774144544981998,-1.5759850499522443,0.481549947599821,0.48127647915591604,0.4788101117656061,0.7611844803866262,0.7606401073793204,0.75572218168826,0.6804148432147659,0.6797670881363037,0.6739525035395855,0.5788598825397037,0.5783360994031436,0.5736457615195042,0.12776300711713412,0.13042791275854496,0.15440727005324614,0.8561195948196926,0.8551426131974175,0.8462261550436133,1.2648390140614938,1.2666959646932487,1.283754379958495,0.5699965451210905,0.5716956937627392,0.5871094567374885,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1056519028,0.03055732307355865,0.030412957964170793,0.01120097983432858,0.4169252949865221,0.4103709311632203,0.3816317667926107,0.1797883486863658,0.17840751311005398,0.16057410823087406,0.08297047231633257,0.08257457664658853,0.0646297820375879,1.2224893532642152,1.2215910804095993,1.2134279483366068,1.4305501475019635,1.4304351127312818,1.4293548618335918,1.3235712156952983,1.3229647886451679,1.3174404790821572,1.2609981912597774,1.2601971648852446,1.252912872766209,1.6440953437211057,1.6444714057053718,1.6477835956726463,1.598802881916642,1.5981952090952176,1.5925677099716211,1.6559116835406322,1.6559981494257807,1.6566919485254483,1.6516510643664128,1.6519462831544622,1.6545320209139964,-1.9008793943462392,-1.9014840974092608,-1.9066595312430876,0.6046335824494818,0.6034666973952788,0.5928040183166637,-0.11439054680944327,-0.11704431507383625,-0.14093945216951614,-1.154271371647602,-1.1568530257498366,-1.179566697413933,1.2438243669064173,1.24472266002702,1.2497777576909208,-1.0382827498974323,-1.0377694385325726,-1.0334203769486374,-0.034276103796117605,-0.034463288318397525,-0.03734783907273695,0.7586568555555431,0.7588770945727111,0.7584347310406444,-0.34019464172480607,-0.33799041466343593,-0.3185141708107474,0.34320619164752264,0.343487431495552,0.3459811513646397,-0.03526552858626668,-0.033689443625568374,-0.019846568066444442,-0.22942005849671565,-0.2273839495884933,-0.20944094286873186,1.7103937505895237,1.7128325162209952,1.7341467207309662,1.3740028509685291,1.3752565392049816,1.3862575741908971,1.5628379166782898,1.564890287558964,1.5829463104962271,1.6559408203542318,1.6582681037395686,1.6786725892821786,-0.3060936374521057,-0.3072851059560338,-0.31717948236696475,-0.3994616616850332,-0.396234645714616,-0.3678921073177873,-0.4245793292736206,-0.4237488566793122,-0.41644186542454,-0.3424116631221628,-0.3430812434250997,-0.3484903706777673,1.0426004903138528,1.0425966129703574,1.0421627784974807,-0.3430827197489213,-0.3403950840868269,-0.3165833684951893,0.4295282140086688,0.4307948353944877,0.4418102841720801,0.8313987020191284,0.8318844535933781,0.8358953134681049,-1.030771389545207,-1.0306729215304906,-1.0298193841605254,-0.8215965752305316,-0.8214613120764308,-0.8202609893597348,-0.927441177724082,-0.9273147704718108,-0.9262038295187482,-0.9905018944396996,-0.9903908910417656,-0.989422941710914,-0.8468440565419001,-0.8490462575733712,-0.8685043203700618,-1.1099020915888558,-1.1099372189457546,-1.1097413623110572,-1.0025657625533182,-1.0044780161342521,-1.0210516307499948,-0.9052814642312944,-0.9074809930671068,-0.9268226770076132,0.4507384334713394,0.4507979495024637,0.4511326570147383,-0.3175463179519038,-0.3177451621376919,-0.31952709013620256,-0.0054673482987178815,-0.005344484141490552,-0.00432645211327349,0.2581347873092016,0.2583083720055454,0.2596988325640327,1.8677059544346613,1.8672483652311151,1.8629893580712853,0.7012425667788217,0.7013872165519075,0.7029312050024198,1.7948993852630382,1.7945694314359442,1.7914051195731968,1.8628139319356107,1.8623778467653465,1.8582886394684024,1.5279315336689976,1.531841985204357,1.5659361094670183,1.3805131543219729,1.3828366903760634,1.4038822269937954,1.9009768584793385,1.9043899948046188,1.933331360120776,1.699937362729811,1.7040368739620189,1.7393408932907144,1.1493479999239629,1.1484201980069615,1.1397784187521782,1.2188707932404483,1.218308533648318,1.2130875824167875,1.3265522776127048,1.3255546585939544,1.3164132389266985,1.2300042925857946,1.2289922528226396,1.2196425145120062,-0.4670994014384408,-0.4654914106502701,-0.4509824601193031,0.5773979920309399,0.5775334628570571,0.5786444372617782,-0.05359505753727662,-0.052182135698250635,-0.0396419602892517,-0.33431297310956953,-0.3326531967873287,-0.31777610470815953,-1.8270252047175053,-1.827114812075007,-1.8279148892350696,1.8355929880836777,1.8356729630579585,1.8363868999354536,-1.8233889070113607,-1.823482505204084,-1.8243182803633256,-1.826335341819196,-1.8264257106787696,-1.827232599069504,0.1835874008016293,0.18397333342921507,0.18735555926502412,0.2682310186512429,0.26663460497961483,0.2523686517037699,0.2810433727747821,0.2811216220478413,0.2816211284990327,0.21575203477003216,0.21609704892664094,0.21910121836271867,0.7358315614059279,0.7354418154898382,0.731984742546529,0.9046110964450316,0.9023885118041408,0.8823695827481981,0.9695733353434814,0.9681562895846147,0.9554338228663426,0.8394536112425325,0.8386894098121681,0.8318888176129534,-1.56409899635684,-1.5638755279536254,-1.5619447644300946,-1.7761817468019283,-1.7764209090055891,-1.7787135359241624,-1.7554050459597912,-1.7555034093631399,-1.7564613633233008,-1.677244604253736,-1.677177066482471,-1.6766213966830414,-0.0170890187237217,-0.016875772822396794,-0.015177456036332438,0.9855669896630452,0.9828387700823464,0.958411209601016,0.8098648097262225,0.8074777601585631,0.7861358500691661,0.3685434938118273,0.3679534378017647,0.3624401582431046,2.1838327827402746,2.1843067921988757,2.179030611401956,1.2429269035527788,1.2358465714807028,1.1724017912715812,1.7643076500382495,1.7649388387992837,1.7685229269990046,2.0524522904367526,2.0546145454957934,2.0671815833314464,1.245271921131767,1.2478022648486962,1.2692863246146986,-0.7713468863991862,-0.7692834082606979,-0.7502750584001628,-0.1939656585046361,-0.18901528866986134,-0.14416972427428315,0.6564535370317301,0.6621127365448896,0.7114394531767405,0.4194695389847791,0.4184233459143147,0.4093868906273521,0.7261811149264125,0.7293740403357425,0.7574324482402804,0.5188113836502376,0.5187337028350375,0.518184250899952,0.4494921388127657,0.4487176306796144,0.4420516778420487,1.2778049170592651,1.2788908038563167,1.2883163654343466,0.5010062944295011,0.5029296348931848,0.5201338367705425,0.8593159863655984,0.8611388539183954,0.8772857410249945,1.1144035550948324,1.1158253722880602,1.1282988201236828,-1.124109789822118,-1.124841863541669,-1.131483397626814,1.5373275083538014,1.5377439277889078,1.5414917827275958,1.0769839229906657,1.0748279607183249,1.0547995638602476,-0.6750797269585347,-0.6774936369832373,-0.6990112642560327,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1068805020,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,0.1679457167484237,0.16902577884580458,0.17823840453423045,0.5599255034222336,0.5603379242796487,0.5638621775346889,0.3311213499951383,0.3318952041254238,0.3384803720805074,0.2265473455289348,0.22751238940662735,0.23573484061468544,-1.0002147983380931,-1.000002245520944,-0.9981045375995068,-1.3502630727898417,-1.3511092302718308,-1.3587370934818177,-1.146276970114822,-1.1466216774136329,-1.1498046654210807,-1.052010543672531,-1.0520119372054872,-1.0520715057890586,-0.4993721073218384,-0.4984058018795306,-0.4896883696564091,-0.5218093869228042,-0.5209469919332725,-0.5130280265616158,-0.6206486431771822,-0.6196917668412457,-0.6108428683609184,-0.6388073325137822,-0.6375164897028736,-0.6257428037327611,0.35132614457564737,0.3473010639488929,0.3142745472092616,0.44741981688788013,0.4444702751098233,0.4202855496225,0.4570087045425818,0.4531504769888383,0.42145302866206413,0.40824017361792403,0.4041776586200983,0.3708086731629585,0.0440462789785148,0.04261724781316455,0.030272588985535195,0.2098347906164737,0.21048711235038933,0.21647405273891288,0.1225857060362092,0.12209456911473406,0.11807142201196072,0.07344844721668206,0.0723676555444667,0.0631274965964509,0.0726451893552892,0.06992124111946219,0.0452160002323448,0.3912789126186053,0.3905519850690043,0.38377729894153206,0.22300695760508604,0.22117254595406352,0.20440707654862986,0.13048165833661185,0.128085073879468,0.10628906910145244,-1.0809184734525357,-1.0790762676535344,-1.063296351404263,1.0189974434608635,1.0116077202050255,0.9465669267435518,-0.6156109807172633,-0.6160924113950199,-0.6201231059530832,-0.9694768442235724,-0.9680441741940868,-0.9558297433484576,1.1737382736844777,1.1729738192612318,1.1660757048668118,0.8568504941053027,0.8563943570812217,0.8522180268415928,1.1115042867661462,1.1109383253535987,1.1059451352723346,1.1692456248523444,1.1685776800589942,1.1626292323700531,0.9404788349598892,0.9398070111528848,0.9339230237576324,0.5377335726861587,0.5371554716479834,0.5319950104226494,0.7310768223249943,0.730428639972443,0.7246954650681167,0.8556357368810705,0.8549676162757428,0.8490921439783247,-0.6186472483249245,-0.6156340511538922,-0.5882673602379608,-0.07362503582147772,-0.07221447311912547,-0.06068260939901116,-0.4437864337610525,-0.4409181739328529,-0.4154936935674627,-0.5648037507008542,-0.5618126405216299,-0.5348485590377158,-2.13220261934216,-2.1328598216642782,-2.1384510159477736,-1.0609696393753834,-1.0618094172064545,-1.0693560805703677,-1.5941878478023013,-1.5954310425788711,-1.6063916029408192,-1.9417950426607065,-1.9428230967090956,-1.9517355637214533,0.0356611063754986,0.03629435135791243,0.042076508873789234,1.0107747829534826,1.0128285405769266,1.0309593404248252,0.3395125387160754,0.3405789897596441,0.35009599222172394,0.1225671382684228,0.12332523084355708,0.13018889543990264,0.7805259634099572,0.7826671486435435,0.8013602737476455,-0.6804421484081952,-0.6787732993800251,-0.6632850508567567,0.2167500046979677,0.21824854462823876,0.2321445190466982,0.6286727362931697,0.6305733446773248,0.6473286024253176,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.07600228846439609,-0.07631151693320795,-0.0789907102083555,-0.5380179255570665,-0.5383704068751649,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,-0.17352869375218213,-0.17336009312934614,-0.1721008541094633,0.4230512858837991,0.421358085781385,0.4062253882622069,0.07328138806441521,0.07274722910924303,0.06777444767986028,-0.09267839481274573,-0.09269384860681924,-0.09308474221604587,-0.2397357802233925,-0.2394763578524776,-0.23715227789149715,0.21409018322807932,0.21384224638325405,0.21162137129115813,-0.250119890450419,-0.2498560239600135,-0.2474919940436975,-0.24172719547183294,-0.24146691150042104,-0.23913508704490294,0.1835874008016293,0.18397333342921507,0.18735555926502412,0.2682310186512429,0.26663460497961483,0.2523686517037699,0.2810433727747821,0.2811216220478413,0.2816211284990327,0.21575203477003216,0.21609704892664094,0.21910121836271867,0.7358315614059279,0.7354418154898382,0.731984742546529,0.9046110964450316,0.9023885118041408,0.8823695827481981,0.9695733353434814,0.9681562895846147,0.9554338228663426,0.8394536112425325,0.8386894098121681,0.8318888176129534,1.0295312163776709,1.0301400810303425,1.0354951780415211,0.15636599679873134,0.1569514341996652,0.16256168246494745,0.4933168374588676,0.4939617271869155,0.4999675928879173,0.790097582633218,0.7907486526904841,0.7966386670664296,0.7971387243188189,0.798520531547665,0.8108786270231638,1.3899237389320036,1.3894352800683665,1.3849683551279257,1.5253974503118193,1.52456632522183,1.5171130836780793,1.2386288837702433,1.2393514853343313,1.2456830288482792,-0.09856714444053807,-0.10193722789870414,-0.1310233282338845,0.30746382954046697,0.3103184350999427,0.335107868826828,0.14234757368267506,0.14238509703219265,0.14185233064242087,0.002665774105966847,0.0004115273908352769,-0.02005771633223099,-0.4172925474799544,-0.4155113206970486,-0.3998592068266841,0.02282273914493269,0.02513396753646251,0.04599379232609193,-0.13887698331636442,-0.1368285274271939,-0.11833038489593364,-0.3291335450814317,-0.3271932529213001,-0.30981631782240565,-1.6122812871814869,-1.612166102403568,-1.6109171020823485,-0.6000347915736984,-0.5979814154415017,-0.5790358579205334,-1.4738128774305657,-1.4735468926275033,-1.4712286037678146,-1.5775605331168838,-1.5774144544981998,-1.5759850499522443,-0.3146024852454624,-0.3164434397329012,-0.3325720982680431,-0.4741568707783134,-0.4749115681293095,-0.4815974795870585,-0.4301113161508152,-0.4312550161038221,-0.4413214475919566,-0.37175429708793145,-0.3732693941076248,-0.3865596163915065,-1.0775645192985397,-1.0772832111207324,-1.0746360591241786,-0.055745800650134465,-0.0555713984720114,-0.05397759057362412,-1.0257986653328195,-1.0281567732801762,-1.0494038290034984,-1.3789661362550825,-1.378120307909846,-1.3703575547638585,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1069009238,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,0.33115958469464124,0.3360465356450056,0.37881891778730425,0.1389731352126118,0.1418202570581683,0.16700145773657676,0.256434165328833,0.2605704126401236,0.29691608721258617,0.3051285367099568,0.30976054245217705,0.35035780064496,-1.5691413388569588,-1.5703293960346851,-1.5809273182952095,-1.6622580875080666,-1.6611732504146208,-1.651044670839919,-1.63056324208133,-1.6310455490757934,-1.6351732848061022,-1.593395183786888,-1.5943672235103985,-1.6029820578542098,-0.5941895412272895,-0.5954139553709819,-0.6064300191257496,0.13794039239664213,0.13632121208098172,0.12155536243273266,-0.0800615285891985,-0.08230817529996813,-0.10269185386715213,-0.3859833866765099,-0.388159516155786,-0.4076759306423562,0.35132614457564737,0.3473010639488929,0.3142745472092616,0.44741981688788013,0.4444702751098233,0.4202855496225,0.4570087045425818,0.4531504769888383,0.42145302866206413,0.40824017361792403,0.4041776586200983,0.3708086731629585,-0.7937728652598716,-0.7933330636966973,-0.7893769104622494,-0.5968617352782647,-0.5967576987999081,-0.5958383829944003,-0.7310085351382757,-0.7305328432436473,-0.726328467619442,-0.775756115612362,-0.7752729346223534,-0.7709607018516521,1.5506095107697504,1.5534225146268057,1.5786396061873518,1.5220142372287615,1.525041973467092,1.5523955613355425,1.5468616769233854,1.5499020320669927,1.5772968209425506,1.5511756462018507,1.5541001579035942,1.5803754363744271,0.14088390526594194,0.14090542896163413,0.14123968837630624,0.8663359233668668,0.8701156732986339,0.9020075211630488,0.4436537666863669,0.44410936131892204,0.44820192325158603,0.22492897796527492,0.22513956280357947,0.2271197051246805,-0.8497583678565133,-0.8497148928626025,-0.8494812726910755,0.175979591695591,0.17590644553609222,0.1753444301453085,-0.4024385922636532,-0.4023949316940616,-0.4020538210399904,-0.6970708653746505,-0.6970422988925346,-0.6969354042337603,-0.8062620919712254,-0.8057409273975862,-0.8011651416217649,-0.5691966994622623,-0.5687113596021295,-0.5643612979157135,-0.6855318597182082,-0.6850145736051618,-0.6804238287893377,-0.7580899165361479,-0.7575671472200514,-0.7529569512974501,0.03385794215686643,0.034460004159908325,0.03973831502755363,0.5277285973457037,0.5287198914212754,0.5372282500117399,0.2293225219600775,0.23052796902699801,0.2410920000133783,0.09948833140946693,0.10033961292348444,0.10782224205317807,1.3048893492096645,1.3046675130420444,1.3026086467395912,1.1582405828852225,1.1585285526847786,1.1610783626268135,1.2973095034233528,1.2975327975399698,1.2994215028533544,1.331464650700054,1.3314334208824758,1.3310362683827766,-0.4002568092636691,-0.3994877728725783,-0.3924995894202509,-0.030353005344677875,-0.029714040481332256,-0.024021186092151463,-0.3479516972144626,-0.3471200454463328,-0.33957100515458066,-0.3887475802517952,-0.3879522724024296,-0.3807262223591482,-0.9705002899961872,-0.9698625658572996,-0.9629263802117553,-0.2471204147897621,-0.2476784205987305,-0.25262562490679,-0.8646214826012258,-0.8636642235894241,-0.8541873146410529,-0.9708075540683756,-0.9700799932241598,-0.962263760034336,1.4645981939778756,1.463773676967343,1.4566393117050498,0.9897216189902088,0.991956845541188,1.0113288983263469,1.4281657812428286,1.4286472419186058,1.43288625536905,1.477887355538919,1.4774548416074704,1.4737343264850928,-2.266128250014562,-2.26363926733882,-2.2411366171068474,-0.3558830565953687,-0.3566578284781699,-0.36328723090380416,-1.670824437213644,-1.6682399738497609,-1.6452014077288892,-2.0990851276143285,-2.0963218490807187,-2.071492967707786,-1.8270252047175053,-1.827114812075007,-1.8279148892350696,1.8355929880836777,1.8356729630579585,1.8363868999354536,-1.8233889070113607,-1.823482505204084,-1.8243182803633256,-1.826335341819196,-1.8264257106787696,-1.827232599069504,0.1835874008016293,0.18397333342921507,0.18735555926502412,0.2682310186512429,0.26663460497961483,0.2523686517037699,0.2810433727747821,0.2811216220478413,0.2816211284990327,0.21575203477003216,0.21609704892664094,0.21910121836271867,-0.9405319121916412,-0.9408237603834496,-0.9433974166978644,0.21252401694034206,0.2111599179566613,0.19888924955143175,-0.5025390134651421,-0.5035396188569227,-0.5123079333794827,-0.817153797006932,-0.8177123626921463,-0.8226076475122873,0.16980051056305784,0.1722713456930378,0.1940874839619492,0.756488520891268,0.7584969111137325,0.7760628752471813,0.5590881276592177,0.561335454795861,0.5810355478069256,0.35679305246698795,0.3591874125174062,0.3802482843881528,0.3472578937008475,0.3470776482858178,0.34511835993786105,-0.9281797487146756,-0.9295734791861014,-0.941650193051792,-0.6081579406651363,-0.6094923754125208,-0.6212852999644255,-0.05719632910770892,-0.058447572872130135,-0.06985817489656908,-0.09856714444053807,-0.10193722789870414,-0.1310233282338845,0.30746382954046697,0.3103184350999427,0.335107868826828,0.14234757368267506,0.14238509703219265,0.14185233064242087,0.002665774105966847,0.0004115273908352769,-0.02005771633223099,-0.05457690765506374,-0.056049273059071716,-0.06862423288742013,0.4410963313292308,0.4412082240790519,0.4423975386126142,0.3608624702953301,0.3601148440961605,0.3534466803474132,0.15988406021637905,0.15809052033930573,0.14242543702616267,0.7106802536946469,0.711863436612698,0.7228247647547604,-0.19567913976286616,-0.19659929955622973,-0.2052226177997374,0.5403736911106142,0.5413155137822866,0.5501907588693769,0.6638490097332119,0.6649783271379635,0.6754951746740468,-2.4788042618947013,-2.480271442474516,-2.4928009393065897,-2.561184418177476,-2.5626588767074403,-2.57561556253657,-2.65706365536508,-2.6582212047868032,-2.668179131866137,-2.603001057254934,-2.604127630408132,-2.6137130185357784,-0.03652278144801373,-0.03782665454165901,-0.04966881692042217,1.402285669362351,1.4022606735600491,1.4020401803933094,1.8548766122705609,1.8543812232687071,1.849357416078792,0.6251707184034274,0.6216696720499804,0.5903132876642819,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1096740889,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,1.0613424974163954,1.0590351693590712,1.038717642325797,1.0061197417199224,1.004987963695159,0.994957776959326,1.0522059819968972,1.0503641361689844,1.0341185349803164,1.06017422281446,1.0580286530607454,1.0391253491893555,-0.6938498819591102,-0.6938971666315529,-0.6942499096580984,-0.20623633873251732,-0.2051006179437845,-0.19484597591093825,-0.5265336743986784,-0.5260115389121394,-0.5212330589172653,-0.6384777744135651,-0.6383203857116847,-0.6368271571647955,-0.5941895412272895,-0.5954139553709819,-0.6064300191257496,0.13794039239664213,0.13632121208098172,0.12155536243273266,-0.0800615285891985,-0.08230817529996813,-0.10269185386715213,-0.3859833866765099,-0.388159516155786,-0.4076759306423562,-2.3679470888226186,-2.3661493078672406,-2.3485699898518826,-1.0745721704488167,-1.0724269496643426,-1.0537887505332677,-1.857243104664108,-1.85430915554906,-1.8274996390912452,-2.2432771724447904,-2.240921901946836,-2.2184583878953963,2.024809435774843,2.022636662837449,2.003186789233916,1.0121832872214631,1.0115201926399724,1.0055800910170405,1.6278356404939966,1.6257429953863192,1.6072071204955585,1.891054009793647,1.888794408225271,1.8686652955719096,-0.14343287621570014,-0.14524455796120933,-0.1614158144619862,-0.0959541872483794,-0.09778992274273916,-0.11433649710564175,-0.12199340930427845,-0.12384317894298105,-0.140444850110936,-0.13538510865586306,-0.13721730287479678,-0.15360898021468042,-0.9565413308684262,-0.9577667874182768,-0.9686721736207736,-1.8207829206961723,-1.8278298134673625,-1.8869114572034256,-1.5350298313565651,-1.5358779155511249,-1.5435438474466312,-1.1265111574787283,-1.1277400707009144,-1.138687012923244,-1.8423667401520059,-1.842861372760256,-1.84714918007305,-1.2247570722415873,-1.2251894394175311,-1.2287017798762954,-1.6839589047487755,-1.6846105604203436,-1.6904184263496622,-1.812757588957267,-1.8133717872487336,-1.818836460574168,1.3894974301078529,1.389670999418694,1.3912315088351537,1.0425333242226975,1.0426553765965858,1.0437943933106917,1.214895458336742,1.2150290337057412,1.2162554665269378,1.3204596926881742,1.3206151039191716,1.3220241248052529,-0.9318607665602152,-0.9327101190183846,-0.9407677060319736,0.5107238524983015,0.5143696078040063,0.5464566420156203,-0.425096645324576,-0.4232809973491095,-0.4073382002703584,-0.7693567031226192,-0.7692641014572975,-0.7688046585679704,-1.0789748269999353,-1.075836341659481,-1.0475136824744933,-1.5404556957628899,-1.5381286931103992,-1.516836243204573,-1.4410366236544725,-1.4381773325672398,-1.4121002694317653,-1.2648044938135612,-1.2616470135368805,-1.2330212869934625,1.4317880387954935,1.4314662410006245,1.4284132597772448,-0.3398852215193389,-0.3411553645063513,-0.3520493215145568,1.1074351493325003,1.1068703962299673,1.1017381221968925,1.3514992134153925,1.3511003435193596,1.3473735216693514,0.3689012004452735,0.3660114416236863,0.34021628959298106,1.7020908286426066,1.7003020830847244,1.6839717959413445,1.204121608191853,1.2013927580612302,1.1757573569097477,0.6472302967104483,0.6445570894154498,0.6201775988802032,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.07600228846439609,-0.07631151693320795,-0.0789907102083555,-0.5380179255570665,-0.5383704068751649,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,1.4796727658068685,1.4804718130591927,1.4874462766737044,1.0404400500404951,1.0413920530866398,1.0498602579789782,1.4520643047216724,1.452214939328324,1.4535432284709997,1.4927329859456382,1.4932550105085591,1.4977869662324408,0.5481075614152517,0.5481344436225022,0.548374466770521,-0.5506778964251035,-0.5507018889173875,-0.5509160699806361,0.5470166721034082,0.5470447515612252,0.5472954841089979,0.5479006025457587,0.5479277132036311,0.5481697797208512,0.1835874008016293,0.18397333342921507,0.18735555926502412,0.2682310186512429,0.26663460497961483,0.2523686517037699,0.2810433727747821,0.2811216220478413,0.2816211284990327,0.21575203477003216,0.21609704892664094,0.21910121836271867,-1.5129870300359691,-1.5126810481897506,-1.5098989361552302,-0.3207023144119501,-0.31919530129041096,-0.305709077968852,-1.1650471223918342,-1.164141145221658,-1.1557890055972506,-1.4383509172977167,-1.4378368244666844,-1.4331277656510057,0.6523884793361915,0.652450854484486,0.6527009299434161,0.5473128130989813,0.5469818707369131,0.54380279628812,0.6056503898139526,0.6054714517170868,0.6036030367560251,0.6395947407844425,0.6395486579509443,0.6388369607481287,-0.8066450700828852,-0.8059069594964229,-0.7991907847830095,0.2307528140951453,0.23010743094901775,0.2244853528453904,-0.18496930316177104,-0.18447537120109864,-0.1799488821172599,-0.6163148141399546,-0.6151708684710416,-0.6048138008835815,-1.735030855216512,-1.7511915112601362,-1.879913587218532,-0.9919965252542592,-1.0032738633871086,-1.10148521456239,-1.4044733594098349,-1.4225983297979266,-1.5808404626806272,-1.6318314191966523,-1.6504803049543797,-1.8065532766275367,-0.671985314328785,-0.672073833546547,-0.6726165037274451,-0.4820612412419409,-0.4843399110955213,-0.5048641005809142,-0.6724844135945021,-0.6752655902096826,-0.6998756143277031,-0.7703305433645544,-0.7717150054162246,-0.7832499317018105,-0.3040352018371803,-0.3096835207430904,-0.3607659267953161,0.07543082368160269,0.07456131095268925,0.0671250567513382,-0.2331432954365816,-0.2380925416077709,-0.28295041222321365,-0.2845678235414205,-0.29003781302904424,-0.3395465382924534,0.481549947599821,0.48127647915591604,0.4788101117656061,0.7611844803866262,0.7606401073793204,0.75572218168826,0.6804148432147659,0.6797670881363037,0.6739525035395855,0.5788598825397037,0.5783360994031436,0.5736457615195042,1.614303735523427,1.6141208288675257,1.6123985142588264,-1.229822359661881,-1.2298877239365915,-1.2304775864224269,-0.23064570873229545,-0.2273756263870265,-0.1975624077397088,1.4373931065765004,1.4382650346674424,1.4457657515023181,3.4641016151377557,3.464101615137754,3.464101615137754,3.464101615137755,3.4641016151377544,3.4641016151377544,3.464101615137753,3.464101615137755,3.464101615137755,3.464101615137753,3.464101615137755,3.464101615137756
+1097480547,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,0.006798860900603952,0.006469867795276304,0.003528098523421119,0.1354950976401921,0.1348907752435262,0.12946509266042308,0.059756116296737175,0.05929455164924021,0.055158427978666484,0.02572337708361725,0.025343877582128232,0.021947317037831742,-0.12492334144024447,-0.12357001611781145,-0.1114271289623956,0.10575867598570733,0.1049634021990056,0.09746160144716264,-0.04224740243217048,-0.041587667249978685,-0.03586443953224403,-0.0970931342992081,-0.09596509940677356,-0.0859166050996442,0.4272192420387968,0.4277446925935329,0.4324038729506292,-0.08399750456168416,-0.08314929626410117,-0.07549716634046251,0.0707362675003602,0.07195218757628456,0.08287572876310237,0.28500457062668666,0.2861304083282372,0.29610834558307497,0.09538996500454257,0.10320855130683207,0.16569671143327624,-0.21043458766446896,-0.20508456307610445,-0.16232920721018207,-0.08504743755593278,-0.07790359027085225,-0.020988937579754053,0.023929470633777497,0.03171663008293656,0.09385052585831316,-1.6417669353471676,-1.6446258423240991,-1.6696855106802748,-2.3543800334438667,-2.354607290221855,-2.356631425491736,-2.0317454604311624,-2.0333270251383166,-2.047142453740264,-1.7971670050024833,-1.7995871240334829,-1.8207585121240688,-0.8797148459232115,-0.8794696498865018,-0.8774168542362726,-0.7169600005504518,-0.7154792835148109,-0.7022005305334461,-0.8086500202201655,-0.8079009570602436,-0.8012917495991452,-0.8535619817094517,-0.8531399621973619,-0.8494933705276714,-1.0809184734525357,-1.0790762676535344,-1.063296351404263,1.0189974434608635,1.0116077202050255,0.9465669267435518,-0.6156109807172633,-0.6160924113950199,-0.6201231059530832,-0.9694768442235724,-0.9680441741940868,-0.9558297433484576,0.0360758383067026,0.03456881760546969,0.020583005974921704,0.2987029386845182,0.2996985163574268,0.3086789311900517,0.17175033949703944,0.17143073338120995,0.16837973769061718,0.08704935695568401,0.08596387100876564,0.07585591319863881,1.5943322210576107,1.5944817438101333,1.5957637937731672,2.138883481471424,2.1393348670635786,2.143409535866867,1.9061466643607492,1.9065091475525704,1.9097573637914385,1.729107411752832,1.7293607989317568,1.7316006178464702,0.03385794215686643,0.034460004159908325,0.03973831502755363,0.5277285973457037,0.5287198914212754,0.5372282500117399,0.2293225219600775,0.23052796902699801,0.2410920000133783,0.09948833140946693,0.10033961292348444,0.10782224205317807,0.4507384334713394,0.4507979495024637,0.4511326570147383,-0.3175463179519038,-0.3177451621376919,-0.31952709013620256,-0.0054673482987178815,-0.005344484141490552,-0.00432645211327349,0.2581347873092016,0.2583083720055454,0.2596988325640327,0.0356611063754986,0.03629435135791243,0.042076508873789234,1.0107747829534826,1.0128285405769266,1.0309593404248252,0.3395125387160754,0.3405789897596441,0.35009599222172394,0.1225671382684228,0.12332523084355708,0.13018889543990264,1.372521883592377,1.3693663195637158,1.339927107833009,-0.7921862077059945,-0.7924027854526592,-0.7938549078591745,0.601266241709676,0.5971640761025128,0.5609023495234214,1.1754459606353518,1.1717468980322403,1.13775767047446,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.07600228846439609,-0.07631151693320795,-0.0789907102083555,-0.5380179255570665,-0.5383704068751649,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,0.3595013283410845,0.3614245424439992,0.3787911052722808,0.8860923741092879,0.8875504465096847,0.9004618721201637,0.6357964007913519,0.6375517194112899,0.653242430106318,0.4583927172696223,0.4603212327703602,0.477659749516084,1.3359509030538956,1.3357452450974818,1.333901211432539,-1.3154459760782864,-1.3152460242180288,-1.3134535112524302,1.3441532346572354,1.3439455270824638,1.3420829622616928,1.3375284005633503,1.3373223379076828,1.3354746464866052,-1.8595400252312693,-1.859958924953788,-1.863665067103239,-2.1352695159772024,-2.1302176697431823,-2.0847241325011505,-2.579032323560228,-2.5809713613973457,-2.5980855524634774,-2.1087414363340056,-2.1099856299779645,-2.1212263520073065,-0.4588909168315306,-0.4600513092489201,-0.4705945108433888,-2.8472993294211517,-2.8500231832976093,-2.8733195195663934,-1.8335817757929007,-1.8357802576534616,-1.8553333952617623,-0.950234675692898,-0.9517551733042936,-0.9655290692126396,0.19449152826334284,0.19423036423849,0.1924071784074468,0.5111670904529745,0.5118428756488222,0.5183309575109416,0.4080781997489147,0.4084203794467248,0.411941467358438,0.29854134201363863,0.2985598129354369,0.2992106063900881,1.354475101779674,1.354751866487594,1.3573244491018417,0.5402218143922201,0.5424278388430976,0.5618437517107502,1.0804029111099038,1.0809859708666705,1.0860345876031805,1.3958641020432223,1.3959615173424211,1.3967977254379436,-0.09856714444053807,-0.10193722789870414,-0.1310233282338845,0.30746382954046697,0.3103184350999427,0.335107868826828,0.14234757368267506,0.14238509703219265,0.14185233064242087,0.002665774105966847,0.0004115273908352769,-0.02005771633223099,1.245271921131767,1.2478022648486962,1.2692863246146986,-0.7713468863991862,-0.7692834082606979,-0.7502750584001628,-0.1939656585046361,-0.18901528866986134,-0.14416972427428315,0.6564535370317301,0.6621127365448896,0.7114394531767405,0.7106802536946469,0.711863436612698,0.7228247647547604,-0.19567913976286616,-0.19659929955622973,-0.2052226177997374,0.5403736911106142,0.5413155137822866,0.5501907588693769,0.6638490097332119,0.6649783271379635,0.6754951746740468,-1.4582937705486465,-1.4533253638492782,-1.4093768965754505,-1.2023660980389457,-1.2014616312458173,-1.1932630065778471,-1.3735363733317694,-1.370749314967315,-1.345881725260283,-1.4468616059839012,-1.4426801132914178,-1.4055972283428395,-1.0775645192985397,-1.0772832111207324,-1.0746360591241786,-0.055745800650134465,-0.0555713984720114,-0.05397759057362412,-1.0257986653328195,-1.0281567732801762,-1.0494038290034984,-1.3789661362550825,-1.378120307909846,-1.3703575547638585,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1010294281,-1.3695514047395834,-1.3696137507937491,-1.3778778112817098,-1.189398011798279,-1.1926782040201669,-1.2069683987469793,-1.303129349245064,-1.3037620732427977,-1.3119031812763555,-1.3466722984222266,-1.346846935706428,-1.3547335901613222,0.006798860900603952,0.006469867795276304,0.003528098523421119,0.1354950976401921,0.1348907752435262,0.12946509266042308,0.059756116296737175,0.05929455164924021,0.055158427978666484,0.02572337708361725,0.025343877582128232,0.021947317037831742,1.6440953437211057,1.6444714057053718,1.6477835956726463,1.598802881916642,1.5981952090952176,1.5925677099716211,1.6559116835406322,1.6559981494257807,1.6566919485254483,1.6516510643664128,1.6519462831544622,1.6545320209139964,0.4272192420387968,0.4277446925935329,0.4324038729506292,-0.08399750456168416,-0.08314929626410117,-0.07549716634046251,0.0707362675003602,0.07195218757628456,0.08287572876310237,0.28500457062668666,0.2861304083282372,0.29610834558307497,-1.966129590616405,-1.9714780532917682,-2.0148392008424207,-2.5892124682550923,-2.591696926441619,-2.610866572559941,-2.611315464898352,-2.615607884903811,-2.6490012699442684,-2.3069776496302623,-2.312334646188523,-2.355143937747564,-0.34019464172480607,-0.33799041466343593,-0.3185141708107474,0.34320619164752264,0.343487431495552,0.3459811513646397,-0.03526552858626668,-0.033689443625568374,-0.019846568066444442,-0.22942005849671565,-0.2273839495884933,-0.20944094286873186,0.7834804371869117,0.7837939791298929,0.7863654531344899,0.6390243318600749,0.6387333082311213,0.6359605385426276,0.7204222536870057,0.7205235543079914,0.7212507301926455,0.7602778558491846,0.7605254004323859,0.7625318045337492,1.3745237541607889,1.3748782020697177,1.3777790870929263,-0.3542831385422611,-0.3518497384135431,-0.3305189363656239,1.1252750719831428,1.1250003073250754,1.1224699815473882,1.3256944725959416,1.325724241808628,1.3258451444667383,1.0443930194453837,1.0465190026952422,1.0658345616042764,-0.030328303717236424,-0.029842048409376636,-0.025837915789829163,0.5885539004469492,0.5899915772427283,0.6028837938843505,0.8916294139817921,0.8935549918521454,0.9110260362683472,-1.1299892483363203,-1.1303076374527503,-1.1331192036057012,-1.061586494479165,-1.0618679641476216,-1.064418230062889,-1.1041344336945165,-1.1044391092375163,-1.107168624616517,-1.1223702777097802,-1.1226860419262137,-1.1254922390637991,0.11887465217518176,0.11812386560492202,0.1120017006894658,-1.0928973467414538,-1.0955869353284855,-1.1189697543149375,-0.3481465952686645,-0.35066904975814417,-0.3726214304662583,-0.03643642969920812,-0.03787727868632485,-0.05019577638646459,-0.9491333925141284,-0.9488982082693616,-0.9467386677006692,-0.7017233309713804,-0.7018655590371852,-0.7031479350168471,-0.8546617129793771,-0.8547840086349202,-0.8558193477953565,-0.9288892965150269,-0.9288227780798708,-0.9281488841281093,-0.8361747249028368,-0.8352698971030692,-0.8270756877142911,-1.0714807936428383,-1.0722566215395914,-1.0790017126091278,-1.0354159331450008,-1.03481908065231,-1.0292380025308852,-0.9000622987720133,-0.8992297756484161,-0.8916413401581991,-0.2230947197371464,-0.2206877292964859,-0.1983505444923824,1.8138348879404058,1.813931569157358,1.814541652943762,0.8196053711801449,0.8224772265869559,0.8469995264330245,0.10045707236826616,0.10338353606053403,0.12974853083106086,1.2295614129582808,1.2322970493946168,1.2564213400903836,1.1617231425019796,1.1594195068816808,1.1396553175729227,1.3529460841398653,1.3535867877959862,1.359677767875158,1.293260464449092,1.2952864024281765,1.3133111609061865,-0.4576977096506918,-0.4612561158786681,-0.4927583317434919,-1.7116671093717253,-1.7111815193794722,-1.7070962531889018,-1.0702262973421928,-1.072170817742619,-1.0893205376309103,-0.6717976753119093,-0.6749518619417317,-0.7028045534410372,-1.0391818630788616,-1.0395040106000273,-1.0423881445730516,1.0708249084304953,1.0711288277573168,1.0738494586636596,-1.0262523444575329,-1.0265817296828452,-1.0295308022106306,-1.036707543801604,-1.0370310859747178,-1.0399277323037497,0.7389969142329001,0.7385853064175437,0.7349959393193822,0.949388362992733,0.9495719639741412,0.9509915245827292,1.0713186917121558,1.0727767810966389,1.0861515895025509,0.8513075306992228,0.8515734630520674,0.8541927646253458,0.1633764435615998,0.16358452768353726,0.16548322308916316,0.3713847650927394,0.3720332925570685,0.3777712552279143,0.3070652264167893,0.3075547632198793,0.3119527506485746,0.2182564909517476,0.21856494803763013,0.2213686994742348,0.6523884793361915,0.652450854484486,0.6527009299434161,0.5473128130989813,0.5469818707369131,0.54380279628812,0.6056503898139526,0.6054714517170868,0.6036030367560251,0.6395947407844425,0.6395486579509443,0.6388369607481287,0.09036652811916183,0.08791267885568517,0.06550809895704286,-2.1822384225234184,-2.1831774303973903,-2.191331941995877,-1.7686851204526493,-1.7701612948309478,-1.7833410296482377,-0.7700465007931455,-0.7732355883966071,-0.8019863489120789,-0.3653219369926481,-0.3680990268899609,-0.3891958605285281,0.270778807818975,0.275807092332584,0.31995034215702883,-0.002862738899463145,-0.0017809287344801566,0.008040096415205485,-0.21785900888511936,-0.2195715582668252,-0.23317474638211055,-0.3092696745038941,-0.3126117859085705,-0.34138152978818115,-0.06378764905764246,-0.068265654552932,-0.10846035429439198,-0.17274495998280787,-0.17832221868632808,-0.22809854908435606,-0.2813129380667437,-0.28643123215561894,-0.3310081768532419,-1.3210705724716187,-1.3187260117051849,-1.2974792279549399,-1.5218950462629768,-1.5239547553334742,-1.5416909239605514,-1.452250569970189,-1.4509650816802542,-1.4392220957983894,-1.3632036621964376,-1.3611537580398512,-1.3425415531202465,-0.08245408393790049,-0.08123687796971565,-0.07078915901055356,0.3780861377592287,0.3797954056582144,0.3947924258932086,0.20022778834426888,0.20162241954727467,0.21369120015437346,0.042019031614446437,0.043284684430586265,0.054162648208251465,0.526716727149323,0.5271056198675158,0.5305839335524346,-1.0947805206704309,-1.0944044697077329,-1.09102598408814,-1.008538398012191,-1.0069288889374082,-0.9921202599582531,0.1371426612145383,0.13910172563422465,0.1564411995820032,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1042204109,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,0.006798860900603952,0.006469867795276304,0.003528098523421119,0.1354950976401921,0.1348907752435262,0.12946509266042308,0.059756116296737175,0.05929455164924021,0.055158427978666484,0.02572337708361725,0.025343877582128232,0.021947317037831742,0.19987734630439125,0.1977120257884983,0.1782834063398331,-0.16921388157713171,-0.16794144351840906,-0.15593856231545986,0.06759584389147284,0.06654026759996608,0.057383103251590475,0.1553490148787331,0.15354415905083793,0.1374665681594307,-0.21409103746897465,-0.21549430780576626,-0.22829274961545015,-0.7665646800173177,-0.7686219689024868,-0.7872241536723518,-0.7371174210464961,-0.7392159899436302,-0.7581628526888088,-0.541507304845887,-0.5431129045928464,-0.5576363131866154,-0.10551878409856434,-0.0941270759809044,-0.0011686830714546176,0.5468855612386687,0.5545504253125338,0.6162097038031545,0.2919887425611891,0.3027457744065232,0.3897618778467574,0.055779709226513235,0.06742300220378017,0.16219330078439706,1.1677004704306089,1.1689819810021722,1.1801291441789663,1.3520912957073403,1.3520274924971138,1.3514337654049338,1.2954050389150888,1.2959361712585624,1.3005042476330118,1.2227537122749073,1.2237560229296358,1.2324415686654229,-2.0481529467727007,-2.0440263399731373,-2.006681523399221,-2.312432013586493,-2.3098524599103696,-2.2862921560555973,-2.185307364954781,-2.181990184971596,-2.151842502406486,-2.1034723887479903,-2.099667375028456,-2.0651738594729285,0.14088390526594194,0.14090542896163413,0.14123968837630624,0.8663359233668668,0.8701156732986339,0.9020075211630488,0.4436537666863669,0.44410936131892204,0.44820192325158603,0.22492897796527492,0.22513956280357947,0.2271197051246805,0.0360758383067026,0.03456881760546969,0.020583005974921704,0.2987029386845182,0.2996985163574268,0.3086789311900517,0.17175033949703944,0.17143073338120995,0.16837973769061718,0.08704935695568401,0.08596387100876564,0.07585591319863881,0.2819034916951752,0.2820295459866502,0.28310990497339983,0.3844837238760317,0.3843589398496463,0.3831821386946319,0.3404573136659172,0.3404571413202026,0.3404009385939509,0.3071628719103897,0.3072392046792793,0.30787167944489724,-0.6186472483249245,-0.6156340511538922,-0.5882673602379608,-0.07362503582147772,-0.07221447311912547,-0.06068260939901116,-0.4437864337610525,-0.4409181739328529,-0.4154936935674627,-0.5648037507008542,-0.5618126405216299,-0.5348485590377158,1.3941836347123528,1.3952199310006526,1.4047614667198285,2.022572794816856,2.0246105020208955,2.0430292388556452,1.8823017174675465,1.883993655008556,1.8992825491607368,1.6433248735295254,1.6445807769881935,1.6560136444227729,-0.4002568092636691,-0.3994877728725783,-0.3924995894202509,-0.030353005344677875,-0.029714040481332256,-0.024021186092151463,-0.3479516972144626,-0.3471200454463328,-0.33957100515458066,-0.3887475802517952,-0.3879522724024296,-0.3807262223591482,0.7805259634099572,0.7826671486435435,0.8013602737476455,-0.6804421484081952,-0.6787732993800251,-0.6632850508567567,0.2167500046979677,0.21824854462823876,0.2321445190466982,0.6286727362931697,0.6305733446773248,0.6473286024253176,0.9640985616398534,0.9641858757041364,0.9648826863890404,-1.2665740363836144,-1.2664205312491967,-1.265193716279386,0.04743287891550502,0.04804099168406056,0.05342684496198668,0.6682176234834664,0.6685167461585326,0.6711443140839077,0.5614829279904229,0.5590022839723497,0.5368615948627148,-0.7428488309239158,-0.7423764596984497,-0.7383112875133374,0.04262653798920203,0.04084550792003972,0.025067650524619758,0.39449263466594503,0.3920950214544309,0.3707683586889077,1.3359509030538956,1.3357452450974818,1.333901211432539,-1.3154459760782864,-1.3152460242180288,-1.3134535112524302,1.3441532346572354,1.3439455270824638,1.3420829622616928,1.3375284005633503,1.3373223379076828,1.3354746464866052,1.81444073090873,1.8144124577847087,1.814162322765423,0.5940577841256769,0.5897875471470901,0.5518759513824215,1.8311272309523852,1.83040935966295,1.8235262187590342,1.8614611047571763,1.8615923528575151,1.8627918968221064,0.6948296814705127,0.6961355279442231,0.7078623434188253,-0.002980818107155419,0.0025514479104034537,0.052054933384113065,0.4541613573720288,0.4580476189319458,0.492732362458864,0.6324696586196424,0.6347177969928688,0.6548249283220386,0.16980051056305784,0.1722713456930378,0.1940874839619492,0.756488520891268,0.7584969111137325,0.7760628752471813,0.5590881276592177,0.561335454795861,0.5810355478069256,0.35679305246698795,0.3591874125174062,0.3802482843881528,0.8696924432253733,0.871401542056915,0.8869428804955983,1.6277862014450022,1.6291919397003232,1.6414910511302312,1.7566396966075015,1.7574080635283398,1.7641914688051394,1.3946962581699598,1.3964464133149133,1.412150342584221,1.9170779901881645,1.9181449932076196,1.9208580791073124,1.2062418818312872,1.201335228713344,1.157244264601782,1.6190973374561106,1.6207728130326111,1.6347106927717892,1.8319275074456665,1.834631459838132,1.8540645532815667,-1.0347009541536758,-1.0315358811845237,-1.0038514776667091,-0.9003348334262392,-0.9004141676381107,-0.9012678468674368,-1.1722238672061962,-1.1722089617330371,-1.17165267957105,-1.2593481486623652,-1.2569987786768304,-1.2354916865503789,-0.4761419919291761,-0.4773503061422771,-0.4866076266272954,-1.5442647610540523,-1.5431116979873618,-1.533120906168538,-0.7598685940301371,-0.7605574203161128,-0.765552458831359,-0.559546781435958,-0.5605945981337828,-0.5685101005797311,-0.3147050218596232,-0.3163378455444849,-0.3306961419031345,1.0213626663437514,1.0183505798654562,0.9913105266059776,0.5015137000639334,0.4983953223542121,0.4706192660541764,0.04331620998457508,0.0408468265182268,0.01899270291532567,1.0976094974496686,1.0967472068792878,1.0889931022886048,-0.3258294786330341,-0.3265379069297288,-0.3328807952421972,0.5299867132269711,0.5309497518205875,0.5397118754335906,1.2215347544688415,1.2202063101565883,1.2082915490767714,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1091714083,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,-0.9426214472413652,-0.944482487509494,-0.9607039728696644,-0.7525911885715191,-0.7529987589034032,-0.7564837402273225,-0.8765881913557257,-0.8779036545173913,-0.8893778610960141,-0.9209010014287464,-0.9225737659132209,-0.9371618794496812,0.4751227308809978,0.4752871195369097,0.4767668430072742,0.6962832715920625,0.6965472955757165,0.6988608670303418,0.5646890045709768,0.5649933052568207,0.5677294448040916,0.506586644976424,0.5068129487213889,0.5088524318746003,1.1874162495554266,1.1875839877239642,1.188678411971228,-1.893007649389604,-1.8930356582310381,-1.893056198550632,-1.2433755174142351,-1.2418634417110397,-1.2280662688802109,-0.02604326571206753,-0.02377636854588344,-0.003812419505443583,0.15041739547254054,0.14996543666115644,0.14740915270453073,1.2047399657910178,1.2041052634984617,1.1988244606358367,0.8340448846597038,0.8337998416662139,0.8322038440885757,0.4400904122106598,0.4398840307409419,0.4391514480890424,1.1677004704306089,1.1689819810021722,1.1801291441789663,1.3520912957073403,1.3520274924971138,1.3514337654049338,1.2954050389150888,1.2959361712585624,1.3005042476330118,1.2227537122749073,1.2237560229296358,1.2324415686654229,0.0726451893552892,0.06992124111946219,0.0452160002323448,0.3912789126186053,0.3905519850690043,0.38377729894153206,0.22300695760508604,0.22117254595406352,0.20440707654862986,0.13048165833661185,0.128085073879468,0.10628906910145244,-0.3060936374521057,-0.3072851059560338,-0.31717948236696475,-0.3994616616850332,-0.396234645714616,-0.3678921073177873,-0.4245793292736206,-0.4237488566793122,-0.41644186542454,-0.3424116631221628,-0.3430812434250997,-0.3484903706777673,-1.5766222312257905,-1.5738587661053318,-1.5478088947065731,-2.8318551861803485,-2.833475154912948,-2.8478056949763437,-2.3421363272138547,-2.341780160236232,-2.3382206463267616,-1.8860189219101136,-1.8841730538713932,-1.866716114906095,-1.030771389545207,-1.0306729215304906,-1.0298193841605254,-0.8215965752305316,-0.8214613120764308,-0.8202609893597348,-0.927441177724082,-0.9273147704718108,-0.9262038295187482,-0.9905018944396996,-0.9903908910417656,-0.989422941710914,-1.3138506264191347,-1.3146056895677425,-1.3216556125818946,-2.0722189690541533,-2.072652581346423,-2.0760558465716,-1.6925718675558346,-1.6941907149284006,-1.7085494023024717,-1.4503777756978988,-1.4515769336975,-1.4624836504101029,-0.1842767622784911,-0.18558106268838928,-0.19741549795605332,-0.09026864206588718,-0.09167379355083163,-0.10449335848266188,-0.1368770753014999,-0.1383675844220456,-0.15193243913611065,-0.16741965595364586,-0.16884508530865786,-0.18178882434936186,1.8677059544346613,1.8672483652311151,1.8629893580712853,0.7012425667788217,0.7013872165519075,0.7029312050024198,1.7948993852630382,1.7945694314359442,1.7914051195731968,1.8628139319356107,1.8623778467653465,1.8582886394684024,0.2134915503686528,0.20353577598304504,0.11420728795897192,-0.4706085333853609,-0.4749373927439985,-0.5137653389116255,-0.0955890085778092,-0.105833160640876,-0.19667165368760636,0.12273889461598865,0.11226711348567163,0.018594376063948644,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.07600228846439609,-0.07631151693320795,-0.0789907102083555,-0.5380179255570665,-0.5383704068751649,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,-0.17352869375218213,-0.17336009312934614,-0.1721008541094633,0.4230512858837991,0.421358085781385,0.4062253882622069,0.07328138806441521,0.07274722910924303,0.06777444767986028,-0.09267839481274573,-0.09269384860681924,-0.09308474221604587,0.5481075614152517,0.5481344436225022,0.548374466770521,-0.5506778964251035,-0.5507018889173875,-0.5509160699806361,0.5470166721034082,0.5470447515612252,0.5472954841089979,0.5479006025457587,0.5479277132036311,0.5481697797208512,-0.8918564158742007,-0.8918538179379502,-0.8918108241810168,0.6235615975182991,0.6264190218066661,0.6514842249040774,-0.4787651664654473,-0.4765109565184695,-0.4557535007574505,-0.7944015392879213,-0.7939218408788066,-0.7894979138340419,0.7358315614059279,0.7354418154898382,0.731984742546529,0.9046110964450316,0.9023885118041408,0.8823695827481981,0.9695733353434814,0.9681562895846147,0.9554338228663426,0.8394536112425325,0.8386894098121681,0.8318888176129534,-1.1869562593153606,-1.1861863014077694,-1.1791505163319895,-2.167128563102178,-2.166451345542837,-2.159954649747335,-1.867738598314876,-1.8670131338933116,-1.8600968071914088,-1.5267417624049604,-1.525977071742931,-1.5188196903647404,-1.5483190942188718,-1.5484222533572347,-1.549182614370071,0.0642585273391853,0.0632675805949546,0.0544509033207862,-0.6692596974516856,-0.6687221979578559,-0.6638477305991132,-1.330332829698654,-1.3294739880230269,-1.321589357752814,-0.3653219369926481,-0.3680990268899609,-0.3891958605285281,0.270778807818975,0.275807092332584,0.31995034215702883,-0.002862738899463145,-0.0017809287344801566,0.008040096415205485,-0.21785900888511936,-0.2195715582668252,-0.23317474638211055,1.245271921131767,1.2478022648486962,1.2692863246146986,-0.7713468863991862,-0.7692834082606979,-0.7502750584001628,-0.1939656585046361,-0.18901528866986134,-0.14416972427428315,0.6564535370317301,0.6621127365448896,0.7114394531767405,0.8827870437866427,0.8795302220118846,0.8486664645867398,1.424016444972789,1.4210737093838215,1.395023345120139,1.0670989897041694,1.0637803924906286,1.0327928054775222,0.9388279676277492,0.9355351122427018,0.9044587369613244,-0.3146024852454624,-0.3164434397329012,-0.3325720982680431,-0.4741568707783134,-0.4749115681293095,-0.4815974795870585,-0.4301113161508152,-0.4312550161038221,-0.4413214475919566,-0.37175429708793145,-0.3732693941076248,-0.3865596163915065,-1.0775645192985397,-1.0772832111207324,-1.0746360591241786,-0.055745800650134465,-0.0555713984720114,-0.05397759057362412,-1.0257986653328195,-1.0281567732801762,-1.0494038290034984,-1.3789661362550825,-1.378120307909846,-1.3703575547638585,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1072147779,-0.8492324336099528,-0.8491399126440028,-0.8368075686199218,-1.088871572566838,-1.0849407604589982,-1.0676496293615374,-0.943687123364768,-0.9428240057447272,-0.9316586061735996,-0.8826768041380354,-0.8824252804057866,-0.8710069579306224,-0.7794075792951475,-0.7774617307102929,-0.7601234596165909,-1.173543556781141,-1.1715164261248836,-1.1533444600254346,-0.9512753760220308,-0.9492284460026912,-0.9309421459639352,-0.8423198102477245,-0.8403256128676715,-0.8225389194194067,-0.6938498819591102,-0.6938971666315529,-0.6942499096580984,-0.20623633873251732,-0.2051006179437845,-0.19484597591093825,-0.5265336743986784,-0.5260115389121394,-0.5212330589172653,-0.6384777744135651,-0.6383203857116847,-0.6368271571647955,-0.8794706110801531,-0.8783254494447461,-0.8678256391667085,0.3826956854911557,0.3839961890501959,0.3957514895434687,0.036407249280115433,0.037216047802416365,0.04462813046073831,-0.483283414344405,-0.4825631012658131,-0.475782421188502,0.15041739547254054,0.14996543666115644,0.14740915270453073,1.2047399657910178,1.2041052634984617,1.1988244606358367,0.8340448846597038,0.8337998416662139,0.8322038440885757,0.4400904122106598,0.4398840307409419,0.4391514480890424,-0.990980788535987,-0.9913081284937676,-0.994099840745511,-1.0055869208981725,-1.0055599293631516,-1.0053251370635479,-1.0335054945087143,-1.0335082343819426,-1.0334945109033542,-1.0132935317495997,-1.0134855368109879,-1.0150997274964,-0.30321711603547297,-0.30465455955539866,-0.3169229290056006,0.05205719901185305,0.05199551151937127,0.05180149003900392,-0.13796964905918327,-0.13883143443495216,-0.1460943396646125,-0.2401502828082443,-0.2413852487107714,-0.2519061331224317,-1.5278960161705832,-1.5272668025712024,-1.5217155221475338,-0.2468001415910365,-0.25474259880822464,-0.3233327017372842,-1.4838440766772507,-1.4839506293932543,-1.4847668946292092,-1.53681748531101,-1.536264980422766,-1.5314398191509055,1.4255665028990363,1.4270951104489222,1.4415041250927048,1.29227470253716,1.289298126983682,1.2624226214483905,1.477069302274561,1.4766202522507166,1.4730769741234444,1.4673216704186702,1.468185319207922,1.4766112341090685,-0.4768513443998951,-0.4767270599676402,-0.47562088206257,-0.7667315043016136,-0.7668909313468888,-0.7683469966106392,-0.6391175350410865,-0.6391688714992192,-0.6396523940946492,-0.5459933707969842,-0.545948690687536,-0.5455638776536174,1.6520818413557392,1.6517241826520024,1.6482500113525955,1.1460869753602874,1.1440045395789455,1.1259107174186112,1.5568506449658608,1.5557830783629567,1.546107893877956,1.6326254480518745,1.6320955807493809,1.6271199437652208,-0.1842767622784911,-0.18558106268838928,-0.19741549795605332,-0.09026864206588718,-0.09167379355083163,-0.10449335848266188,-0.1368770753014999,-0.1383675844220456,-0.15193243913611065,-0.16741965595364586,-0.16884508530865786,-0.18178882434936186,-0.4002568092636691,-0.3994877728725783,-0.3924995894202509,-0.030353005344677875,-0.029714040481332256,-0.024021186092151463,-0.3479516972144626,-0.3471200454463328,-0.33957100515458066,-0.3887475802517952,-0.3879522724024296,-0.3807262223591482,-0.9712114491602116,-0.9696533524381186,-0.9563310476239484,0.6049994312552051,0.6056174926354333,0.6100619380165453,-0.4012698917460285,-0.3986012039272528,-0.3765018557211105,-0.8240702536488033,-0.8220040180153584,-0.8044006529239677,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.07600228846439609,-0.07631151693320795,-0.0789907102083555,-0.5380179255570665,-0.5383704068751649,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,1.4796727658068685,1.4804718130591927,1.4874462766737044,1.0404400500404951,1.0413920530866398,1.0498602579789782,1.4520643047216724,1.452214939328324,1.4535432284709997,1.4927329859456382,1.4932550105085591,1.4977869662324408,-0.2397357802233925,-0.2394763578524776,-0.23715227789149715,0.21409018322807932,0.21384224638325405,0.21162137129115813,-0.250119890450419,-0.2498560239600135,-0.2474919940436975,-0.24172719547183294,-0.24146691150042104,-0.23913508704490294,0.8467571215516616,0.8463073507688708,0.8423080798432009,-2.164773329369824,-2.166849144402758,-2.1843324060228064,-0.2691399261423957,-0.2740510452159267,-0.3188058329469927,0.5471212077110917,0.5455285637583573,0.5310634586488412,-1.5129870300359691,-1.5126810481897506,-1.5098989361552302,-0.3207023144119501,-0.31919530129041096,-0.305709077968852,-1.1650471223918342,-1.164141145221658,-1.1557890055972506,-1.4383509172977167,-1.4378368244666844,-1.4331277656510057,0.6523884793361915,0.652450854484486,0.6527009299434161,0.5473128130989813,0.5469818707369131,0.54380279628812,0.6056503898139526,0.6054714517170868,0.6036030367560251,0.6395947407844425,0.6395486579509443,0.6388369607481287,-0.3218624115285846,-0.32255663506574395,-0.32880921617676623,-0.856811572957637,-0.8566566699082078,-0.8551619465740905,-0.8612060886593688,-0.8608974638627682,-0.8581057633192187,-0.6151469702666919,-0.6156557644435336,-0.6201664180298591,-0.5171303046874516,-0.5039879994860473,-0.3890973374393639,-1.1648737697869878,-1.1632856318743094,-1.1482315029505168,-0.9493151655147091,-0.9435479276602741,-0.8903052614655276,-0.7142219503451924,-0.7038545929267199,-0.6104181446064549,-1.5572789851226758,-1.5551803937136583,-1.5364281079673878,-0.041671234368593865,-0.04043141215224386,-0.029502601907544893,-0.6280060876671445,-0.6284253639587817,-0.6320718625443171,-1.2870343879284791,-1.2867490105321602,-1.283281887685965,0.7106802536946469,0.711863436612698,0.7228247647547604,-0.19567913976286616,-0.19659929955622973,-0.2052226177997374,0.5403736911106142,0.5413155137822866,0.5501907588693769,0.6638490097332119,0.6649783271379635,0.6754951746740468,0.481549947599821,0.48127647915591604,0.4788101117656061,0.7611844803866262,0.7606401073793204,0.75572218168826,0.6804148432147659,0.6797670881363037,0.6739525035395855,0.5788598825397037,0.5783360994031436,0.5736457615195042,0.01002248907556471,0.009731997879277777,0.007178521582213005,-0.19078763964158432,-0.1910546527008701,-0.19342919290791066,-0.24790597605292436,-0.2486035107297944,-0.2548459767849538,-0.07871569089312035,-0.0789569988766286,-0.08103300284354352,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1042992219,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,1.2224893532642152,1.2215910804095993,1.2134279483366068,1.4305501475019635,1.4304351127312818,1.4293548618335918,1.3235712156952983,1.3229647886451679,1.3174404790821572,1.2609981912597774,1.2601971648852446,1.252912872766209,0.1687578145020147,0.16918204064751854,0.172912215065866,-0.447743462465262,-0.44946131675232986,-0.465030250540538,-0.05505429114516657,-0.0556168332446729,-0.060842161699723875,0.09305387571745784,0.0931213972275863,0.09360808325033756,-0.4993721073218384,-0.4984058018795306,-0.4896883696564091,-0.5218093869228042,-0.5209469919332725,-0.5130280265616158,-0.6206486431771822,-0.6196917668412457,-0.6108428683609184,-0.6388073325137822,-0.6375164897028736,-0.6257428037327611,0.35132614457564737,0.3473010639488929,0.3142745472092616,0.44741981688788013,0.4444702751098233,0.4202855496225,0.4570087045425818,0.4531504769888383,0.42145302866206413,0.40824017361792403,0.4041776586200983,0.3708086731629585,0.5169143236194278,0.5156642671718406,0.5045434742442024,0.0032981831616453665,0.002980131638410341,0.0001274769767460581,0.2971650729926412,0.2961173805021881,0.2868563047961022,0.4388802390220237,0.4376544357071411,0.4267827840377547,-0.14343287621570014,-0.14524455796120933,-0.1614158144619862,-0.0959541872483794,-0.09778992274273916,-0.11433649710564175,-0.12199340930427845,-0.12384317894298105,-0.140444850110936,-0.13538510865586306,-0.13721730287479678,-0.15360898021468042,1.3745237541607889,1.3748782020697177,1.3777790870929263,-0.3542831385422611,-0.3518497384135431,-0.3305189363656239,1.1252750719831428,1.1250003073250754,1.1224699815473882,1.3256944725959416,1.325724241808628,1.3258451444667383,-0.8497583678565133,-0.8497148928626025,-0.8494812726910755,0.175979591695591,0.17590644553609222,0.1753444301453085,-0.4024385922636532,-0.4023949316940616,-0.4020538210399904,-0.6970708653746505,-0.6970422988925346,-0.6969354042337603,-0.4768513443998951,-0.4767270599676402,-0.47562088206257,-0.7667315043016136,-0.7668909313468888,-0.7683469966106392,-0.6391175350410865,-0.6391688714992192,-0.6396523940946492,-0.5459933707969842,-0.545948690687536,-0.5455638776536174,-0.8468440565419001,-0.8490462575733712,-0.8685043203700618,-1.1099020915888558,-1.1099372189457546,-1.1097413623110572,-1.0025657625533182,-1.0044780161342521,-1.0210516307499948,-0.9052814642312944,-0.9074809930671068,-0.9268226770076132,1.3048893492096645,1.3046675130420444,1.3026086467395912,1.1582405828852225,1.1585285526847786,1.1610783626268135,1.2973095034233528,1.2975327975399698,1.2994215028533544,1.331464650700054,1.3314334208824758,1.3310362683827766,-0.4002568092636691,-0.3994877728725783,-0.3924995894202509,-0.030353005344677875,-0.029714040481332256,-0.024021186092151463,-0.3479516972144626,-0.3471200454463328,-0.33957100515458066,-0.3887475802517952,-0.3879522724024296,-0.3807262223591482,-0.9705002899961872,-0.9698625658572996,-0.9629263802117553,-0.2471204147897621,-0.2476784205987305,-0.25262562490679,-0.8646214826012258,-0.8636642235894241,-0.8541873146410529,-0.9708075540683756,-0.9700799932241598,-0.962263760034336,1.4645981939778756,1.463773676967343,1.4566393117050498,0.9897216189902088,0.991956845541188,1.0113288983263469,1.4281657812428286,1.4286472419186058,1.43288625536905,1.477887355538919,1.4774548416074704,1.4737343264850928,-1.2375459205856985,-1.2391455727161995,-1.2532925621248296,-1.6761298795502244,-1.6765677510336767,-1.6802429556789191,-1.5746028416871654,-1.575212330231471,-1.5804917969150176,-1.3702795198388145,-1.3715736308389592,-1.3829485043107186,0.5481075614152517,0.5481344436225022,0.548374466770521,-0.5506778964251035,-0.5507018889173875,-0.5509160699806361,0.5470166721034082,0.5470447515612252,0.5472954841089979,0.5479006025457587,0.5479277132036311,0.5481697797208512,1.2924213188282636,1.2921757480176044,1.290019784839203,-0.8105737664495529,-0.8145072041204129,-0.8492224438725829,0.7366135018007421,0.7333936037361969,0.7037430661825538,1.1634496112380723,1.1625904181186866,1.1547650137963072,-0.40907867428272826,-0.40827276012276376,-0.4010182963682026,-0.16184156625955276,-0.15832192669000378,-0.1268270722923695,-0.35544288250990275,-0.3530467631448562,-0.33152832156919343,-0.4029406293390375,-0.4015595137369079,-0.3891514186644838,0.6523884793361915,0.652450854484486,0.6527009299434161,0.5473128130989813,0.5469818707369131,0.54380279628812,0.6056503898139526,0.6054714517170868,0.6036030367560251,0.6395947407844425,0.6395486579509443,0.6388369607481287,-0.24930869262203026,-0.24967562455649395,-0.2527449627043317,-0.6189491104446386,-0.616900010276251,-0.598639250571785,-0.6299638423636865,-0.6280557255562582,-0.6110273781921587,-0.4590795958669752,-0.4585608364629522,-0.4536991042939169,0.16818764811157205,0.16422457109255265,0.12714920406075916,0.3441488512619588,0.3448297778673015,0.3502653954966272,0.2875578862648134,0.2865511227988653,0.27566456486963625,0.2231905570970531,0.22039461304849567,0.1930593137176486,0.10528548348904566,0.10813319183208618,0.13271742347399487,-0.8358408599127127,-0.8348487879494044,-0.8257714526337997,-0.6830947628554161,-0.6806121252014491,-0.6579112019226666,-0.3014473058153175,-0.2974430210659705,-0.2620261166868192,-0.4254590415576636,-0.42295235964859296,-0.4014847107002925,0.7485508297174878,0.7485309829896307,0.7488624304482673,-0.17357059228981425,-0.17167395852910394,-0.15548538606707854,-0.3541647419477142,-0.3518415292264538,-0.331979774698467,1.2778049170592651,1.2788908038563167,1.2883163654343466,0.5010062944295011,0.5029296348931848,0.5201338367705425,0.8593159863655984,0.8611388539183954,0.8772857410249945,1.1144035550948324,1.1158253722880602,1.1282988201236828,1.614303735523427,1.6141208288675257,1.6123985142588264,-1.229822359661881,-1.2298877239365915,-1.2304775864224269,-0.23064570873229545,-0.2273756263870265,-0.1975624077397088,1.4373931065765004,1.4382650346674424,1.4457657515023181,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1023728468,0.5508762942031893,0.5508867961139168,0.5522712224961168,0.517451734217964,0.5181083747243886,0.5209505361780528,0.5392305745666622,0.5393455806081243,0.5408186833336296,0.5469659666005238,0.5469962319472301,0.5483564142682876,1.063409509514793,1.063500015107744,1.0645878495680616,0.1607369677282591,0.1610231474375564,0.163699972286948,0.7061535636321907,0.7064386922075008,0.7092323060105542,0.937931445550164,0.9381082942817959,0.9399607856427764,-1.2938959542803528,-1.2927543022862742,-1.282443881627768,-0.7967609343388723,-0.7966845113204954,-0.7962452414941174,-1.1334700814018257,-1.1325925114189386,-1.1248269432536009,-1.2421575536891971,-1.2410984338398472,-1.2315961941390403,0.4272192420387968,0.4277446925935329,0.4324038729506292,-0.08399750456168416,-0.08314929626410117,-0.07549716634046251,0.0707362675003602,0.07195218757628456,0.08287572876310237,0.28500457062668666,0.2861304083282372,0.29610834558307497,0.35132614457564737,0.3473010639488929,0.3142745472092616,0.44741981688788013,0.4444702751098233,0.4202855496225,0.4570087045425818,0.4531504769888383,0.42145302866206413,0.40824017361792403,0.4041776586200983,0.3708086731629585,-0.990980788535987,-0.9913081284937676,-0.994099840745511,-1.0055869208981725,-1.0055599293631516,-1.0053251370635479,-1.0335054945087143,-1.0335082343819426,-1.0334945109033542,-1.0132935317495997,-1.0134855368109879,-1.0150997274964,-0.3595109417866896,-0.3604103570418809,-0.3680476291563172,-0.5831872871153643,-0.5861318305544827,-0.6124502931528156,-0.4669937762136429,-0.4688589038400257,-0.4852967767705018,-0.401251875648338,-0.4025196796290616,-0.41350702953081336,1.8215012968788369,1.8230687369873857,1.8361982578361975,0.9115144465096388,0.9145005805997071,0.939380692115212,1.99350816794313,1.992858525323309,1.9871137702235144,1.8930351136833796,1.8939450480373077,1.901455220269186,0.0360758383067026,0.03456881760546969,0.020583005974921704,0.2987029386845182,0.2996985163574268,0.3086789311900517,0.17175033949703944,0.17143073338120995,0.16837973769061718,0.08704935695568401,0.08596387100876564,0.07585591319863881,-0.14768674870651133,-0.1479634622313515,-0.1503520228375324,-0.4159468506521352,-0.4159148278037924,-0.415548426187696,-0.2949123510591311,-0.2950430749529216,-0.2961293023151719,-0.20961705156546712,-0.20983873562358785,-0.2117364867640224,1.6520818413557392,1.6517241826520024,1.6482500113525955,1.1460869753602874,1.1440045395789455,1.1259107174186112,1.5568506449658608,1.5557830783629567,1.546107893877956,1.6326254480518745,1.6320955807493809,1.6271199437652208,-0.3141181967642978,-0.3125191960785086,-0.2981905127298776,-0.9290010068573972,-0.9279369276240454,-0.9181816666703876,-0.723251985976595,-0.7217609083543651,-0.7082133607725194,-0.5033348532521796,-0.5016693207656675,-0.4866612272147146,-0.9639749171909922,-0.9656184622341284,-0.980647983901466,-2.3101274981699884,-2.310066945539107,-2.3096605484684387,-1.522626839775398,-1.5238143759244618,-1.5346285285197283,-1.1313863132906459,-1.1329007788961385,-1.146744009826098,-0.9705002899961872,-0.9698625658572996,-0.9629263802117553,-0.2471204147897621,-0.2476784205987305,-0.25262562490679,-0.8646214826012258,-0.8636642235894241,-0.8541873146410529,-0.9708075540683756,-0.9700799932241598,-0.962263760034336,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.07600228846439609,-0.07631151693320795,-0.0789907102083555,-0.5380179255570665,-0.5383704068751649,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,-0.4109451908061733,-0.4122296196219303,-0.4235189967332459,-1.3674354974718763,-1.3665507673810493,-1.3584255208205338,-0.885211383358537,-0.8854784751219301,-0.8876074065194478,-0.5775738294596228,-0.5785992012812703,-0.5875126500864754,0.5481075614152517,0.5481344436225022,0.548374466770521,-0.5506778964251035,-0.5507018889173875,-0.5509160699806361,0.5470166721034082,0.5470447515612252,0.5472954841089979,0.5479006025457587,0.5479277132036311,0.5481697797208512,-0.8918564158742007,-0.8918538179379502,-0.8918108241810168,0.6235615975182991,0.6264190218066661,0.6514842249040774,-0.4787651664654473,-0.4765109565184695,-0.4557535007574505,-0.7944015392879213,-0.7939218408788066,-0.7894979138340419,-0.9405319121916412,-0.9408237603834496,-0.9433974166978644,0.21252401694034206,0.2111599179566613,0.19888924955143175,-0.5025390134651421,-0.5035396188569227,-0.5123079333794827,-0.817153797006932,-0.8177123626921463,-0.8226076475122873,-2.399138684471168,-2.3997852447454777,-2.4050327640641687,-1.4213806531476854,-1.4215294675564318,-1.4229442608781684,-1.8406436836697442,-1.8410447571033304,-1.84448748885278,-2.168800844873316,-2.1693659062375183,-2.174049457359383,-1.5483190942188718,-1.5484222533572347,-1.549182614370071,0.0642585273391853,0.0632675805949546,0.0544509033207862,-0.6692596974516856,-0.6687221979578559,-0.6638477305991132,-1.330332829698654,-1.3294739880230269,-1.321589357752814,-0.9356934649343652,-0.9060387710733904,-0.6471713466448431,-2.637211369114442,-2.6368896988485613,-2.6315708747278608,-2.0409779047120926,-2.0294809523527406,-1.9224628535734751,-1.4311096747963514,-1.4081207132442757,-1.200778572880679,-1.4492561121466156,-1.4522808589251806,-1.4779504309288851,-0.12828162257116896,-0.13383103424163836,-0.18395674852802885,-0.6618740643335881,-0.6699190552179158,-0.7418400267327395,-1.2392137809137913,-1.2459869897664788,-1.3044737467168015,1.606291784608602,1.60763708866929,1.6188192820094078,2.0747667362175988,2.075886438766875,2.0853307366090807,1.8190536687909888,1.8206066369334368,1.833927468600688,1.672887929981936,1.6742905559513606,1.6860569530958265,0.4816524842139817,0.4811708849674996,0.4769341554006975,-0.7343350567354386,-0.7326220406154449,-0.7171858245047761,-0.2512101729999827,-0.2498832503217305,-0.2379882101065475,0.1637893754671972,0.16421987877729194,0.16809344221267192,0.526716727149323,0.5271056198675158,0.5305839335524346,-1.0947805206704309,-1.0944044697077329,-1.09102598408814,-1.008538398012191,-1.0069288889374082,-0.9921202599582531,0.1371426612145383,0.13910172563422465,0.1564411995820032,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1032141606,-2.7696601325527253,-2.7696404595516686,-2.7669566023977485,-2.7957213185830807,-2.7957273392035544,-2.795568564286569,-2.7860470471764938,-2.7859316595956485,-2.7843804707835846,-2.7763150691607863,-2.7762684480594446,-2.774096962360232,-1.208891631463007,-1.2086513448190468,-1.2063717512897645,-1.1595599522215798,-1.160653562244229,-1.1704246765127455,-1.204058983101824,-1.2043756853466872,-1.2071236231248248,-1.2095514370925429,-1.209509409720988,-1.2090182386905457,1.07516880320224,1.0741442551916307,1.0649608149769438,1.286807867198417,1.2881311889524274,1.3002601326135208,1.1716254115741245,1.1715742777636202,1.171323329140427,1.110266424252056,1.1095909968495512,1.1036214688488448,0.4272192420387968,0.4277446925935329,0.4324038729506293,-0.08399750456168416,-0.08314929626410121,-0.07549716634046247,0.07073626750036016,0.07195218757628455,0.08287572876310231,0.2850045706266867,0.2861304083282372,0.2961083455830749,1.1708837075888627,1.1694332890603143,1.1572012810741827,0.047964601281880063,0.046642968949029716,0.03642591248104039,0.6137881473702617,0.6117131099888233,0.5946239594746837,0.9826624456403522,0.9808139809621356,0.9652565796190512,0.5169143236194278,0.5156642671718406,0.5045434742442024,0.003298183161645353,0.0029801316384104053,0.0001274769767460581,0.2971650729926412,0.29611738050218817,0.2868563047961022,0.4388802390220236,0.4376544357071411,0.4267827840377547,-1.0957929114942009,-1.0946354489671737,-1.0840486689306037,-1.2041931004174364,-1.2038211913265542,-1.2003143265806195,-1.1536503871295296,-1.152916681957288,-1.146143676258711,-1.1194287487019263,-1.1184423389516265,-1.1093914198438044,0.140883905265942,0.14090542896163427,0.14123968837630624,0.8663359233668668,0.8701156732986339,0.9020075211630486,0.4436537666863668,0.44410936131892204,0.4482019232515859,0.22492897796527506,0.22513956280357947,0.22711970512468044,0.036075838306702565,0.03456881760546969,0.02058300597492173,0.2987029386845182,0.2996985163574267,0.3086789311900517,0.17175033949703944,0.17143073338120984,0.16837973769061718,0.08704935695568401,0.08596387100876564,0.07585591319863881,-0.7016067938518231,-0.7019093237942022,-0.704550524935488,-0.4708119215810533,-0.4704852085333343,-0.4674624189367916,-0.5832359937421265,-0.5831889739255133,-0.5826807377392709,-0.6541255752081826,-0.6542809359778173,-0.6555955508213192,0.033857942156866425,0.03446000415990833,0.039738315027553615,0.5277285973457037,0.5287198914212754,0.5372282500117399,0.2293225219600775,0.23052796902699804,0.2410920000133783,0.09948833140946693,0.1003396129234844,0.10782224205317807,-0.5131950733681973,-0.5156731125437249,-0.5376518564783049,1.0262719503672362,1.0246560631023698,1.009903948726834,0.4263736415976466,0.4238626633154639,0.4012432606850549,-0.10699553870847248,-0.10972035506095207,-0.1340380681239617,-1.0011705563644708,-1.0044423262480993,-1.0337472766563425,1.4903516288891063,1.4861602007923018,1.4480169487153678,-0.3909935023674769,-0.395234519606731,-0.4333517915869129,-0.835760121981605,-0.8393370789344783,-0.8713970119068721,-1.7186170194192525,-1.7188281889989323,-1.7209068833433208,-1.4559558714749632,-1.4559924971206557,-1.4571053398340073,-2.0854967455274003,-2.0847426541036334,-2.0776886967951884,-1.8953348800854453,-1.8954675473000528,-1.8964129437893644,-0.7608693655242174,-0.7610270193421971,-0.7624331670348206,-0.0760022884643961,-0.07631151693320792,-0.07899071020835552,-0.5380179255570665,-0.5383704068751647,-0.5415379960671539,-0.6981838028117329,-0.6984036972450227,-0.7003835552555234,0.6530720360273432,0.6535558599649233,0.6576727112821205,0.731745667962147,0.7313750694340125,0.7280428231205925,0.7626728463930438,0.7624810842187836,0.7606588380754299,0.7000272955664463,0.7002805809508698,0.7023511120081977,0.5481075614152517,0.5481344436225021,0.548374466770521,-0.5506778964251035,-0.5507018889173875,-0.5509160699806361,0.5470166721034082,0.5470447515612252,0.5472954841089979,0.5479006025457587,0.5479277132036311,0.5481697797208512,-0.8918564158742007,-0.8918538179379502,-0.8918108241810168,0.6235615975182989,0.6264190218066661,0.6514842249040774,-0.4787651664654474,-0.4765109565184697,-0.4557535007574505,-0.7944015392879215,-0.7939218408788068,-0.7894979138340419,1.839739917159169,1.8398501035568249,1.8408653823335568,1.0634718445974287,1.063261886404548,1.0612515884246805,1.7791775752254126,1.779250671661417,1.7796945068943997,1.8748638992012119,1.8749667205419451,1.875865164599476,0.3246277776952819,0.3186796650295341,0.2665460707363061,0.4476167685226444,0.4437042363443405,0.4095800746388133,0.41596408634843146,0.4111510255489856,0.3690503197271578,0.37258847802896783,0.3670934640474658,0.3189598984336984,-0.8066450700828852,-0.8059069594964229,-0.7991907847830095,0.23075281409514534,0.23010743094901775,0.22448535284539034,-0.18496930316177093,-0.18447537120109864,-0.1799488821172599,-0.6163148141399546,-0.6151708684710416,-0.6048138008835815,-0.22308613700634386,-0.2276729082959928,-0.2665431215693393,0.19266607198835475,0.19403834821633434,0.2058864545796082,0.014928426363550422,0.013219878753697544,-0.002591356548109327,-0.12587717228599068,-0.12967108594439694,-0.16309212817272428,0.25663640543179794,0.25201714381990803,0.21178309566695866,2.1188025278940827,2.1190368105538617,2.120380277420131,1.9306052699119087,1.928458013908112,1.9075506669529092,1.190337567837033,1.1842664014748745,1.1295692487987397,0.7106802536946469,0.711863436612698,0.7228247647547604,-0.19567913976286616,-0.19659929955622973,-0.2052226177997374,0.5403736911106141,0.5413155137822866,0.5501907588693769,0.6638490097332119,0.6649783271379636,0.6754951746740468,0.481549947599821,0.48127647915591604,0.4788101117656061,0.7611844803866263,0.7606401073793204,0.7557221816882601,0.6804148432147658,0.6797670881363037,0.6739525035395855,0.5788598825397037,0.5783360994031436,0.5736457615195042,-1.124109789822118,-1.1248418635416693,-1.131483397626814,1.5373275083538012,1.5377439277889078,1.5414917827275958,1.0769839229906657,1.074827960718325,1.0547995638602474,-0.6750797269585347,-0.6774936369832372,-0.6990112642560329,-0.28867513459481325,-0.2886751345948136,-0.2886751345948127,-0.28867513459481325,-0.28867513459481264,-0.2886751345948134,-0.2886751345948139,-0.28867513459481314,-0.2886751345948123,-0.2886751345948137,-0.28867513459481325,-0.28867513459481203
+1048623585,-0.4290891043108213,-0.4145192272759605,-0.29852782911905074,0.4998271142133712,0.4748274968077446,0.3308337033126861,0.17737028290980567,0.17378208748178658,0.15376948778878602,-0.30196718962450164,-0.2751233382148239,-0.13704927198907546,0.6973699697063663,0.6979206416516388,0.702890498614692,0.7241728780012737,0.7245027854723354,0.7273599138795732,0.7123909868780409,0.7129353996026503,0.7178328337758604,0.7026526344667255,0.7032056804965058,0.7081937114086339,-0.7208421954770012,-0.7223850967534359,-0.7362118265576899,-0.27486939424135204,-0.2737046255880157,-0.2630187906438064,-0.547061363693037,-0.5472639466021555,-0.54900990552969,-0.6691191801683878,-0.6701775469476323,-0.6796519031328822,1.4526837417767169,1.4548153027973312,1.4733582383100938,0.04154058386002317,0.047053861381251325,0.096607976731218,0.5430591571018374,0.5486472462437267,0.5982872707122322,1.0716957189670673,1.075826339944717,1.1120310501009951,0.3147271990325021,0.3124522365963771,0.2927547756583693,1.0890890945688505,1.0878840106775711,1.0769325086150288,0.9966109761825156,0.9950682748865982,0.9812294916170959,0.6342233440785897,0.6315924390681011,0.6084949203389839,-0.6448964511748789,-0.6715199632009217,-0.8932359311346934,-0.9676994913495484,-1.0097959662821765,-1.2850081272577512,-0.7784614344604597,-0.8135676147341759,-1.0873861929878688,-0.6926724794338125,-0.7225516354704656,-0.9669344104473988,-0.2691407266258154,-0.2688093985212175,-0.26585780902159145,-0.8136500507559882,-0.8144067236438429,-0.8209052343960148,-0.521006580133922,-0.5210983766376649,-0.5217348871982183,-0.36362380817745377,-0.3634280154849323,-0.36160402296159305,-0.15309878402533408,-0.15094116530698018,-0.13145651769099195,0.5481813035543114,0.5493818569159894,0.5597689795513456,0.15680610574810874,0.15856217154173693,0.17424460686044635,-0.041304744501572566,-0.03927379845717481,-0.020992777661927267,0.8154004081912015,0.8144883072900622,0.8064013810199414,1.7474999262423194,1.746674393954334,1.7380956339411429,1.3768943497086323,1.3765529059021924,1.3732329192154429,1.0217545643596364,1.0209693552942982,1.0139108558972822,-1.218605410566919,-1.2184633865753414,-1.2171130288833232,-1.0654908987709504,-1.065169026045146,-1.0621572594523152,-1.157627390051306,-1.1574170144530709,-1.1554312882757878,-1.1970785735937295,-1.1969131061851503,-1.1953441755807404,1.2375631417438693,1.2392372841705537,1.254490002675951,0.28967222388548863,0.2888166476585806,0.2811601345310743,0.9549462397272492,0.9546852671812468,0.9524167408098498,1.2427089299530245,1.2441101496171127,1.2568815323204152,-0.3903727140856269,-0.3892131234386584,-0.3788779580150668,-1.055879811732549,-1.0560417505087971,-1.057537833071266,-0.9459678267083308,-0.9458448079768188,-0.9447126119977571,-0.6573998453665671,-0.6564703287537352,-0.6480661643975268,0.9461546963133374,0.9459311413766808,0.9438070766530741,0.887620028501459,0.8874669110347829,0.8860564467778629,0.9400592206546436,0.9399765220669792,0.9391312083752072,0.9468474132309984,0.9466824268670156,0.945081687502039,-1.6563579228271883,-1.6612854197621498,-1.7046715994415875,-1.3323680500132262,-1.3361537949027371,-1.3703754079652235,-2.3740618323678677,-2.3754272689959204,-2.3878575215499143,-2.18085849474819,-2.183949372725848,-2.210501594115913,0.01723416162354842,0.01576513036814145,0.003914651427554154,-1.0945460858637,-1.095073519304608,-1.0986511404727175,-0.38298742571270217,-0.3845488710457219,-0.3970944754199202,-0.11561203014462505,-0.1171582460612378,-0.12963815278705298,0.15485641366854702,0.15365921735694074,0.1428438949434772,0.06325068180652235,0.06270404500893688,0.05784415107147664,0.13071563477585751,0.1296195625559875,0.11978988136698042,0.14849364302666845,0.1473160717626836,0.13669992935637834,0.4976262461498408,0.4975041142623536,0.4964001460552692,-0.3579211166855035,-0.35800505342256395,-0.35874636214736433,0.20826074302649852,0.20772659798164156,0.2028895521209267,0.5140556475107875,0.5140050659013695,0.5135291353622538,0.597963584304036,0.6026750525285054,0.6444338518892017,-1.7274073091438904,-1.727273469263004,-1.7261380002177646,-1.423241774023087,-1.422576707834071,-1.4167258452280378,-0.5123983866502522,-0.5088191367342035,-0.4767055730899807,0.3054017253251365,0.3049828473146975,0.3013288043962023,0.5512356560541214,0.5508555367910486,0.5474531022001914,0.4996839086736837,0.4992770415525202,0.4956602375367492,0.42247024974866537,0.4220339891457121,0.4181849246111061,-0.2366368253678429,-0.2327544471306744,-0.198032040612574,-0.3392036190064744,-0.3358211188820732,-0.30522905782728565,-0.3125735186345443,-0.30900097478476,-0.27676762116935816,-0.2785811533662606,-0.2748302598304697,-0.2411119307118063,-1.4184286843450258,-1.4169549097630707,-1.4036160189712288,-0.3191387785278135,-0.3164352299096293,-0.29239755860938593,-0.8491261822299478,-0.8463390131945432,-0.8212761857687706,-1.2152414084363543,-1.2130699969870076,-1.1934260495068276,-1.4550774728414044,-1.4580266102405777,-1.4823452011703546,-2.2000766672535037,-2.2080759181199374,-2.2748644645663894,-1.781157896017955,-1.7859206191248067,-1.8250716486516898,-1.5637963400553525,-1.5672389233023871,-1.5955082660886035,-0.14048061360342856,-0.14036613638890658,-0.1393216841290224,-0.8857012899472425,-0.8865367987006285,-0.8940367030297395,-0.7985364453701413,-0.7995521065574447,-0.8086950777966786,-0.5048270625345423,-0.5050430668628306,-0.5068306570073582,0.22102056377521,0.22281516507417615,0.2395379220143615,0.4929215993538131,0.4954496581074201,0.5178217544396395,0.3274021297189663,0.3297150498402545,0.35088546255227737,0.2576397052738962,0.25963353853740023,0.2780888248546073,-1.223123077527968,-1.2233652184216863,-1.2254782516935672,-0.8808585797385328,-0.8817168321644697,-0.8892668336998868,-1.1077547582532357,-1.1080835783596743,-1.111041481478487,-1.1955620155719688,-1.1957831061641622,-1.1977542356870674,-0.9332236691336396,-0.9339817284770068,-0.9407542401803362,-0.13444772055541204,-0.13339810507062974,-0.1237493555508448,-0.6539617388178812,-0.654000878351232,-0.6543478886812257,-0.9641076056358966,-0.9644465713918636,-0.9675025490130026,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1030889912,0.6352014954528782,0.7253542939435627,1.1468092715431113,-0.6073687212924235,-0.6519558889137731,-0.7693169725539571,-0.11960482100050016,-0.12125524871268015,-0.1338682213694607,0.4945707884508357,0.5475764631365814,0.7432212241517486,0.6973699697063663,0.6979206416516388,0.702890498614692,0.7241728780012737,0.7245027854723354,0.7273599138795732,0.7123909868780409,0.7129353996026503,0.7178328337758604,0.7026526344667255,0.7032056804965058,0.7081937114086339,-1.6017280754003465,-1.6012300140026154,-1.5967207088141635,-0.7800326643748716,-0.7796714559416992,-0.7763689925144852,-1.307859033917564,-1.3073631725152906,-1.3030132329499424,-1.522309543627032,-1.5218003492063392,-1.5172783912237016,-0.16239960761460173,-0.16463894772029322,-0.184458728993629,0.7729015028212524,0.7705289257914479,0.74878256117166,0.5296789813175545,0.5265385164400819,0.4981503021441846,0.18473291232743447,0.18161054893108167,0.15378575852143758,1.1884827016547717,1.1923116196926078,1.225283573628051,-1.671771943011998,-1.672260011630617,-1.6763984013999371,-0.6577738494351237,-0.6544955327700825,-0.6254912946522216,0.5120294075251939,0.517407262928933,0.5642175867667649,-0.314850259092403,-0.3144496147095354,-0.3024884711594213,-0.18161371848568736,-0.17000319792405855,-0.06942542514283002,-0.26653632221711104,-0.26189227157127043,-0.21194816323399784,-0.2984745627275178,-0.2966451053262221,-0.2715208557399925,-0.965329902890078,-0.9667115051926192,-0.9787577111871276,-0.32120128990404984,-0.3216366706420777,-0.3257946122951672,-0.6938253224401039,-0.6949837893381849,-0.7053424686028721,-0.8681942425576251,-0.8695339282861522,-0.8813220782320165,-0.5196799385332302,-0.517767361770041,-0.5007313046272089,0.053615862234816784,0.055052167074014134,0.06727003860401658,-0.28166115527078445,-0.2798768699987885,-0.2642174215841092,-0.43648539719158985,-0.4345929185042253,-0.4178164245665317,-0.5701387184472878,-0.5706940692029602,-0.5753932830628813,-0.1426075479861718,-0.14085598562072887,-0.12399083367337164,-0.4502455171092782,-0.45013145264551296,-0.4484025677268975,-0.540924716341842,-0.5413204588368011,-0.5444608532755777,1.113630008362336,1.113279456219372,1.1100051288205106,1.0347533947934526,1.0338649293466569,1.0255811799723902,1.0844992390938824,1.083921736682147,1.0785313108372687,1.1037893435781534,1.1033561790745448,1.0993112846621131,-0.4624996530133271,-0.4622466568834662,-0.4598879404397264,0.18312468176829624,0.1833868245875548,0.18567134406755587,-0.1331391731016922,-0.1323078329364666,-0.12491045433875995,-0.3762241905613972,-0.3757482609116953,-0.3714218018501135,1.1410947800850386,1.1415115945463583,1.1451454273722734,0.3845582044367292,0.3846970280895724,0.3860219709801311,0.8332291051498683,0.8343577594943932,0.8446465158173608,1.0854868222124725,1.0864648623186643,1.0951913166566554,-1.208236956329574,-1.2122434874877133,-1.2477255570232202,-0.16515228024626946,-0.16656838464939894,-0.17946843666861695,-0.7957727839393351,-0.7993353313753657,-0.8312362325717638,-1.0643865361153482,-1.068337369860347,-1.1034640836920884,-0.6208088451388659,-0.6191067434739075,-0.6037955826872559,0.7176423408638803,0.7169793757348213,0.7109259997414155,0.24440717693305816,0.24401616458711556,0.2402345265495764,-0.3887820889923483,-0.3868951183787189,-0.37043370298594136,-1.175174943652867,-1.1765958116275186,-1.1892921262244376,-0.9432017384834231,-0.943288014795012,-0.9442599236415248,-1.1325132184459092,-1.1334751865865913,-1.1421449020746206,-1.165648668504941,-1.166931518961487,-1.1784178895357162,-0.5216983985430044,-0.5220296170083284,-0.5250382865560642,-1.2820832903854735,-1.282098259086719,-1.2821853821344624,-0.8836261163392904,-0.8843023763524022,-0.8902711978658893,-0.6484466607008299,-0.6489937495206831,-0.653902687129369,-0.22127601701803665,-0.2198459714394735,-0.20711243900217385,-0.633844529601666,-0.6335051173867932,-0.6305029070931015,-1.6329308312722928,-1.6329459123137342,-1.6329876368302512,-0.4998686439206375,-0.4982762751020125,-0.4840236696972415,0.7551963946544948,0.7535015172240059,0.7383550564518186,0.8067094529290579,0.8059766544250451,0.7993487329655037,1.0039656095904437,1.0035867751752945,1.0001031397115685,1.0723088832158936,1.0717880912120994,1.0670224951361749,-1.0680708171923905,-1.068562830520745,-1.0730003832503316,-0.2920301947986769,-0.2910987420785037,-0.2827526432244924,-0.4867138788131766,-0.4862669972405261,-0.4822932977742269,-0.7418897129185981,-0.7419667245334547,-0.7427050701340192,-0.29000145850123793,-0.2903053461594515,-0.29279234092048245,0.03845717198671995,0.03921606067928544,0.04621648998361745,-0.059963254482670834,-0.05958740971914527,-0.05603946409987121,-0.1703933115408321,-0.1703905689643242,-0.17017642288653126,-0.4153970196665105,-0.41571059581202585,-0.4181446136234747,0.5379426795508657,0.5366174544671354,0.5250908015321301,0.15642813133047792,0.15571736103618933,0.14978718107550906,-0.1789500514673721,-0.17934651550579686,-0.18245386577170705,-0.5782116344510394,-0.5785099926100239,-0.5805889355555874,0.12600472865006862,0.1274063508665895,0.13878120380465891,-0.3910571307806993,-0.39148381151517536,-0.3950547110934336,-0.5230356845110488,-0.5234307371884395,-0.526438871851765,0.6082705633282309,0.6109991352728898,0.6353777219067007,-0.5416296013722826,-0.5412155836468375,-0.5374096515207252,-0.22485041296678188,-0.22310566400823345,-0.2070629673035094,0.24636198281689406,0.2495038985272953,0.27802798688046504,-0.4556675530712258,-0.4548106687730396,-0.4458961844542992,-0.7386836685994094,-0.7376697848127959,-0.7285493767193454,-0.5725103237190925,-0.571839395878884,-0.5650689814079786,-0.4965872311904121,-0.4958185334697848,-0.487856275855614,0.1576976664708533,0.15901769585082068,0.1706793776874756,0.7689915306043983,0.7674367545091808,0.7538722477885654,0.5067265486510053,0.506534361201519,0.5048802539636527,0.3009381113566853,0.3017012172927936,0.30842850533896304,0.6693667672620679,0.6690288210631019,0.6659527772824615,-1.6652067010281932,-1.6660149935843866,-1.6733384111766638,-1.1240615155161526,-1.1237565504416904,-1.1210070066569464,0.009207039766262123,0.009649173956709656,0.013638204887314787,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1014921257,-0.4175748358870975,-0.3969770332556064,-0.24934804999536264,1.4945336507221296,1.5232604474530682,1.520690275291752,1.2599446131916108,1.2583085565307304,1.261775063975948,0.06781262871951431,0.1315321001831313,0.4232149504801246,-0.2608473712033036,-0.2582330544808044,-0.234752811100106,0.4331257696903185,0.4373763453712154,0.4757361237952878,-0.07354991924853913,-0.07041562483245753,-0.04215679390108264,-0.2026906562893099,-0.19991197314743606,-0.17491895026859372,0.316916398760135,0.3173963657716679,0.32163154845358344,0.3156189670721742,0.31559411252213504,0.31536052123847635,0.3466952221937035,0.3469445959227832,0.3491668527926655,0.3350389194963182,0.33544094031404154,0.3390003863297202,-0.16239960761460173,-0.16463894772029322,-0.184458728993629,0.7729015028212524,0.7705289257914479,0.74878256117166,0.5296789813175545,0.5265385164400819,0.4981503021441846,0.18473291232743447,0.18161054893108167,0.15378575852143758,0.4211175463576673,0.41921203922475,0.4026524329354961,0.952499792188702,0.9515784135292804,0.9431794628082548,0.9477137405509918,0.9467298705053908,0.9378362516818796,0.6843116867857884,0.6822857164219517,0.6644244464669766,0.16094472260932222,0.1997138398276492,0.5388688561779585,0.30894489129376645,0.35570394424043195,0.7046037856343303,0.220601952588523,0.2637356757155482,0.6258207474163688,0.1820739226284018,0.2225171787196585,0.5725320025611711,-0.20035221327718775,-0.2034363312964501,-0.2313419729506325,-0.18618288766133287,-0.1889850395975626,-0.21444133742193447,-0.1980690443930271,-0.20110764284080068,-0.2286677875872289,-0.2002572560178162,-0.20333852691585236,-0.23124477011474345,-0.5196799385332302,-0.517767361770041,-0.5007313046272089,0.053615862234816784,0.055052167074014134,0.06727003860401658,-0.28166115527078445,-0.2798768699987885,-0.2642174215841092,-0.43648539719158985,-0.4345929185042253,-0.4178164245665317,-0.5701387184472878,-0.5706940692029602,-0.5753932830628813,-0.1426075479861718,-0.14085598562072887,-0.12399083367337164,-0.4502455171092782,-0.45013145264551296,-0.4484025677268975,-0.540924716341842,-0.5413204588368011,-0.5444608532755777,-0.5357747294484551,-0.5362990062554229,-0.5411098172965441,-0.8846046071913464,-0.8856947873463582,-0.8955864776628466,-0.690251917061791,-0.6910249592051805,-0.6980774689471352,-0.5933308016049322,-0.5939470028573806,-0.599587546383397,-0.7605083265694522,-0.7633355737535846,-0.7894255570782219,0.9748867972047324,0.9755969387080228,0.9820378463941122,0.2984369364845225,0.2986990407195969,0.3007231568532599,-0.4146979355712357,-0.4164016672545228,-0.4323229415353393,0.7863483123136199,0.7844299029163593,0.7670696877350832,1.0815485605242177,1.081070374915266,1.0767521221300502,1.1580451418159343,1.1573734733761576,1.1511615928368577,1.0007244456650035,0.9991785627596438,0.9850182841478085,-0.22221953642230294,-0.220919570817122,-0.20926180782953385,-0.31295993855959103,-0.3120639948787814,-0.3039762566167373,-0.26445489913837633,-0.26328105158569465,-0.25270074703029183,-0.23799984924054116,-0.23673452524544744,-0.22536442001503976,-0.6208088451388659,-0.6191067434739075,-0.6037955826872559,0.7176423408638803,0.7169793757348213,0.7109259997414155,0.24440717693305816,0.24401616458711556,0.2402345265495764,-0.3887820889923483,-0.3868951183787189,-0.37043370298594136,1.5008918813757015,1.5021867526332855,1.5141388696255949,1.6576001420185624,1.6595961957611745,1.6779574588711077,1.6097142140845684,1.6114284932776803,1.6272169846231654,1.542960247832308,1.544427491501735,1.5579519002540192,-2.503045429163377,-2.502875985535734,-2.5011237493612044,-1.7559657614837565,-1.7545866292854155,-1.7423752960601342,-2.4170285197163235,-2.415788693010734,-2.4043837436265685,-2.501891634008852,-2.501415250680076,-2.496847911939738,-2.4881312307492034,-2.487520571311768,-2.4820007302763463,1.7896055834275169,1.7900252671128198,1.793731810736821,-1.0413037151324929,-1.0386329899082076,-1.0144477606046338,-2.570278237553937,-2.5700253295068465,-2.567645676811269,0.22219577341028765,0.2206906174094897,0.20727532388082068,0.8216162823247443,0.8216891581229508,0.8223194643712551,0.8431139013413929,0.8433605579631838,0.8455724024076873,0.6516740008761229,0.6511965626938716,0.646875864763349,1.06629916630446,1.067111905910377,1.07419388570936,0.4201614317405285,0.4206129992676405,0.42454850815775136,0.5850394389950254,0.5857218399441664,0.5917164632345571,0.7984965682943752,0.7993543695677261,0.8068927015465042,0.3764521629040191,0.3754346191407255,0.3660616175492059,0.8434732275010997,0.8439539461339784,0.8478608668765432,0.7134257519150515,0.7134205361404692,0.7129577461216593,0.5575944579080155,0.5570624532216853,0.5519177434635255,-0.10877358975095118,-0.11125914754456626,-0.13391010583461488,-1.4800118529579964,-1.4823551722546704,-1.5029867688810241,-0.9989699793377032,-1.0019650551396744,-1.0287798639931622,-0.5010857029925231,-0.5040484264842311,-0.5308793888127924,0.21627720585144705,0.21685746387494745,0.2209967315115461,0.4049709229492913,0.408217244243606,0.4356899552809851,0.2894304189344637,0.29084501762537485,0.3020702900374905,0.2401043137149152,0.2409269764255437,0.24709938895321698,-2.4945258478895953,-2.4944577537734225,-2.493273272357766,-0.17228814510228382,-0.17116876382278445,-0.1613625879578363,-1.091759186159768,-1.0929079085706432,-1.1036858397916696,-2.0710155645513946,-2.073067840855674,-2.09133022965506,-1.9820814190243967,-1.9803680581807783,-1.9642528321050252,-2.033352309110774,-2.0337830642046817,-2.037476687260832,-2.0547118719996447,-2.054309221880425,-2.0505792308734585,-2.0130990325936984,-2.011904804705478,-2.0007090807269536,-1.223123077527968,-1.2233652184216863,-1.2254782516935672,-0.8808585797385328,-0.8817168321644697,-0.8892668336998868,-1.1077547582532357,-1.1080835783596743,-1.111041481478487,-1.1955620155719688,-1.1957831061641622,-1.1977542356870674,1.4403897558986658,1.4393941894461837,1.430343851616398,0.3333707961920821,0.33431253312107506,0.34271393835449954,1.123178536711054,1.1242582760888125,1.1339362227788448,1.5368040372220526,1.5361239168514171,1.5299300432216922,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1013401016,-0.39537452350038,-0.4237726335167728,-0.5468957891307193,-1.3384062002980242,-1.4256368248783513,-1.6379878164404658,-1.7768836558460748,-1.7751702733488235,-1.7621511877352958,-0.9236431453257936,-0.9877456871148632,-1.2207311294076844,0.4749178209522201,0.4726279978544226,0.4518168756410447,0.02503171964278875,0.0210445217418968,-0.015261343078869347,0.35686364002869564,0.3540757382351489,0.3286803023433982,0.4385288560360451,0.4360834433325102,0.4138386096312688,0.6813074380880264,0.6837570765591899,0.7055995364988528,0.6487036193832237,0.6475516623380172,0.6369660234415898,0.729072513154958,0.7297903583131905,0.7360799207713763,0.7140123218809086,0.71584831692538,0.7321842262441322,-1.2922240647348175,-1.2922255667832023,-1.292007518882392,-1.9053647591442064,-1.9096324173194599,-1.9472087236040885,-1.9017571829031983,-1.9044288955459492,-1.9273785729165456,-1.6851191420225011,-1.685919278213269,-1.6923853345987243,-1.7080903252598103,-1.7070680178303723,-1.6979520139773676,-0.8753469737606402,-0.8741785451220438,-0.8636716076118719,-1.5601352805135054,-1.5613590335119687,-1.5719776692275913,-1.8029509585840775,-1.8030552548202767,-1.8035691949800887,-0.7926535760543149,-0.7937858130996504,-0.7864113211855105,-0.6662507487041125,-0.6526580186836602,-0.5115823199279164,-0.7526111708254845,-0.7489899346725296,-0.6925076106884277,-0.7799604569789607,-0.77961664905233,-0.7565291031986544,1.2754508919612255,1.2737624487155412,1.2579629750548684,1.028968775474718,1.0274675223488776,1.0137071623430394,1.1902191887910247,1.1887204704695953,1.1747451853645796,1.248609355356669,1.2470068989267702,1.2320118506368702,-1.9238082172206767,-1.9271040601133276,-1.9556460641854363,-1.9409967689919736,-1.9449626618330882,-1.978646166065028,-2.0062946572130183,-2.009743030832782,-2.039137019179276,-1.9665972411802182,-1.9699232346207056,-1.9985340539517855,-0.5505789356046998,-0.5490296539540824,-0.5354845861460382,-1.2251886460650292,-1.2251892097822958,-1.2254068781525145,-0.9511928064851132,-0.950605457598407,-0.9458024779983178,-0.6971859152317218,-0.6958949963688722,-0.6847036088713842,1.5586436696803034,1.558580852249779,1.558086487548096,1.6896147773049772,1.6899248570888754,1.6928053307731619,1.62301897952581,1.6231280914154846,1.6241941910464184,1.5837427532153567,1.5837448824821898,1.5838408457072262,0.5978803081483485,0.5960942898298075,0.5798852539249516,-2.4698546538171917,-2.470164356962957,-2.47271483579404,-1.5426335504305604,-1.546530410399758,-1.58100436677916,-0.1895989715278274,-0.19307732742122666,-0.2243311138549236,-0.7451191818570454,-0.7462948150686576,-0.7569536976522572,-0.3588894556450605,-0.35966840368310293,-0.3668076819213473,-0.6211517900422646,-0.6228290940950543,-0.6381975349782602,-0.7421622219140364,-0.7437566283127557,-0.7582391969063739,-0.22221953642230294,-0.220919570817122,-0.20926180782953385,-0.31295993855959103,-0.3120639948787814,-0.3039762566167373,-0.26445489913837633,-0.26328105158569465,-0.25270074703029183,-0.23799984924054116,-0.23673452524544744,-0.22536442001503976,-0.17121762216698144,-0.16986341711263006,-0.15782014086381946,0.5718982337150866,0.5718920372183448,0.5717730015447431,0.4159362904304504,0.4156734372176335,0.4131593688127312,0.02448159072820688,0.025705932935137555,0.036264261683699804,0.014044704913288462,0.013690823142364505,0.010117857318072764,0.29912336170824155,0.2987835990896773,0.2953682586537824,0.11731177394461495,0.11704913816917425,0.1142580754440374,0.04839534703251012,0.048081075524438605,0.044846120032797136,0.2199545815036698,0.2213861644207098,0.234354379075235,1.0684741440905052,1.0689313305503148,1.072928473877962,0.5914529671048679,0.5931200854042754,0.6079883910946293,0.3465749132565104,0.3481913281785279,0.3627591363192568,0.4976262461498408,0.4975041142623536,0.4964001460552692,-0.3579211166855035,-0.35800505342256395,-0.35874636214736433,0.20826074302649852,0.20772659798164156,0.2028895521209267,0.5140556475107875,0.5140050659013695,0.5135291353622538,-2.0902826052402257,-2.089665205036752,-2.0837869432831937,-0.4096155208986471,-0.4084057204886065,-0.3975083235740656,-1.0696191848136605,-1.0693719172294074,-1.06696914695394,-1.9189386344899608,-1.9202510607814545,-1.9317919092808225,1.6375211460503083,1.637108467617766,1.6336544550148473,1.4016251060543978,1.399888214439047,1.3843384451271818,1.48144280864308,1.4801229934764557,1.4683933257989314,1.5663939994514882,1.5655281604106386,1.557949496696699,0.8762961109054677,0.8743195213189996,0.8562495721974607,0.8432388917291395,0.8417306479176565,0.827811161641738,0.8637678714590848,0.8621737327459196,0.8474718637626731,0.8761539109357549,0.8744019235287797,0.8582920196860062,-1.2321012134328322,-1.2308511740412245,-1.2194221295238086,-0.5890671603333271,-0.5869663023338575,-0.5680096024055825,-0.9376628178545244,-0.9354983406400614,-0.9158063249716688,-1.1429967811475312,-1.1412793586645376,-1.1255809100229306,-0.18096721429979626,-0.1808262643675383,-0.17979610202202065,0.26548782579968,0.2678117975550977,0.28723557954282203,-0.0508133559231178,-0.0503193969449003,-0.04649221052797148,-0.1414656853980668,-0.1412518803814479,-0.13966974144927402,0.5455779993575932,0.5412793785607367,0.5025525795123652,2.227140409530429,2.227212955432591,2.2278508258046155,2.0809598805852687,2.0804406101338393,2.075479987546117,1.4232054018521694,1.4198426729311397,1.3888691200178698,1.042800149487053,1.0405758312650273,1.0199705882089194,1.066564278564905,1.0664914723428072,1.0658542745334565,1.079826732503432,1.0786325789415243,1.067739385774601,1.05871902473987,1.0568782656787281,1.0398964387572494,0.9573171553927399,0.9556933241839082,0.9413180246654158,0.9868754209232071,0.9885145042310812,1.0025256779007778,1.032166477975497,1.0320617557485936,1.0309591522816797,1.0023633892645931,1.001298994596662,0.9918279856839906,-0.7495528820248273,-0.7482278118152854,-0.7362780665907317,1.0852219532731224,1.0845904746641482,1.0788865058357548,0.5538139030149627,0.5529916683969388,0.5456203883671953,-0.3122097719686885,-0.311895014163596,-0.3090348339683014,1.8708286933869709,1.8708286933869709,1.8708286933869704,1.8708286933869709,1.8708286933869704,1.8708286933869709,1.8708286933869709,1.8708286933869709,1.8708286933869704,1.8708286933869704,1.8708286933869709,1.8708286933869709
+1026331168,2.27796453625454,2.1597027214290767,1.3412618940662049,-1.2043675221959018,-0.9677738466588932,0.011410944913327463,0.6213720575800091,0.6336324199035074,0.6733120055217987,2.1229918136352275,1.990220725371354,1.2629589496705969,0.6973699697063663,0.6979206416516388,0.702890498614692,0.7241728780012737,0.7245027854723354,0.7273599138795732,0.7123909868780409,0.7129353996026503,0.7178328337758604,0.7026526344667255,0.7032056804965058,0.7081937114086339,0.8888257631021269,0.8891812420707876,0.8922330317893225,0.8964631805142667,0.8961773043974319,0.8935424156330992,0.9784908884539985,0.9785268040917946,0.9788195578479838,0.9420179880594372,0.9422600085337512,0.9443422647867614,-0.16239960761460173,-0.16463894772029322,-0.184458728993629,0.7729015028212524,0.7705289257914479,0.74878256117166,0.5296789813175545,0.5265385164400819,0.4981503021441846,0.18473291232743447,0.18161054893108167,0.15378575852143758,0.3147271990325021,0.3124522365963771,0.2927547756583693,1.0890890945688505,1.0878840106775711,1.0769325086150288,0.9966109761825156,0.9950682748865982,0.9812294916170959,0.6342233440785897,0.6315924390681011,0.6084949203389839,-0.16910146947315366,-0.15735650866373707,-0.05187860379731357,-0.4771408815700946,-0.4840888241176861,-0.510978916480591,-0.2913231596548256,-0.2879396674473575,-0.2496172823375021,-0.21212399407789287,-0.2033893514245849,-0.12288155214623553,-0.965329902890078,-0.9667115051926192,-0.9787577111871276,-0.32120128990404984,-0.3216366706420777,-0.3257946122951672,-0.6938253224401039,-0.6949837893381849,-0.7053424686028721,-0.8681942425576251,-0.8695339282861522,-0.8813220782320165,1.048394829278274,1.043889240334482,1.0040861131369758,0.9242927240585601,0.9179690061387568,0.8627466836185821,1.0332326228391366,1.027597583403273,0.9781319792084958,1.0498307677173602,1.0448582772992594,1.001048960791086,1.7360426583822433,1.7356880534154608,1.7325086492419806,0.7242439512824401,0.7223038685056736,0.7045984859250268,1.5086879176664412,1.5086105594670074,1.5078602432823502,1.6937088429912754,1.6935868132869485,1.6924934887069123,0.3419985459550726,0.3432479254931969,0.3544751289912505,0.5107842048634175,0.5125866457885455,0.5287761677115457,0.4171329253367501,0.41862960118848186,0.4320800316100477,0.3700604779371009,0.3714021901928632,0.3834601677806697,-0.4624996530133271,-0.4622466568834662,-0.4598879404397264,0.18312468176829624,0.1833868245875548,0.18567134406755587,-0.1331391731016922,-0.1323078329364666,-0.12491045433875995,-0.3762241905613972,-0.3757482609116953,-0.3714218018501135,-0.3903727140856269,-0.3892131234386584,-0.3788779580150668,-1.055879811732549,-1.0560417505087971,-1.057537833071266,-0.9459678267083308,-0.9458448079768188,-0.9447126119977571,-0.6573998453665671,-0.6564703287537352,-0.6480661643975268,2.379230569987163,2.3778028495274732,2.364760916208586,2.4148976532661965,2.414470492359093,2.4105634677185117,2.440322360950087,2.4394980353162654,2.4318463790595133,2.4083042034272597,2.407095199373076,2.395984089484699,1.5061076090804038,1.5025993604667278,1.4714862600180147,-2.233687264545998,-2.231828450076246,-2.214576608257961,-1.052079541137463,-1.0492586094190666,-1.0230325869286692,0.7696963204890743,0.7662046882383168,0.7365578683210917,0.9088262822934464,0.9078424704169864,0.8987136062050528,0.031627334209308515,0.028257111793274236,-0.001983976099427936,0.6242601189283923,0.6221204233573032,0.6027525704382677,0.8179111001304789,0.8165205269333167,0.8037840861287521,0.9677915234769272,0.9705797851042064,0.9956900803347748,1.3100415297091257,1.310686505383132,1.3164105722811037,1.1962190547432423,1.1985398382242387,1.2191807018967522,1.054828930826142,1.0575711915606023,1.0821704605219815,-0.2763502291318044,-0.27765814282288026,-0.2892877070530956,0.9917656462871698,0.9915101708093572,0.9892492692404659,1.4246700882457939,1.4252193143320928,1.4300980847093243,-0.0141870035901503,-0.01572879079935714,-0.02950546566501248,0.7551963946544948,0.7535015172240059,0.7383550564518186,0.8067094529290579,0.8059766544250451,0.7993487329655037,1.0039656095904437,1.0035867751752945,1.0001031397115685,1.0723088832158936,1.0717880912120994,1.0670224951361749,-0.3071733762130668,-0.3064337719250653,-0.30013530193717386,-0.4231044191122699,-0.4213412796019117,-0.4056572372669324,-0.4013583484918349,-0.39982219884888,-0.3862370720764191,-0.3658633943728881,-0.3646463441114406,-0.3539972931986213,0.6873139726187691,0.6897831602386212,0.7114266148800279,0.1728449896398069,0.17406151000913658,0.1848585676879528,0.3299252413444035,0.3316663691858998,0.3471083575217205,0.5032432438562001,0.5054338609586306,0.5247768150061651,0.8069090356509067,0.8087674011673563,0.8252629682745432,0.007887052643723299,0.010632292042569757,0.03483266366641585,0.3716269819349087,0.3739680736754283,0.3945477996892884,0.642654220613572,0.6447181234607654,0.662925815381869,2.4052194001788,2.4019790894693207,2.3743209175305786,1.691217234409033,1.6813647241624228,1.5957855139263104,2.328194159668569,2.3239504599248653,2.287343536086514,2.393587710914277,2.3900527786263126,2.359743166897608,0.6082705633282309,0.6109991352728898,0.6353777219067007,-0.5416296013722826,-0.5412155836468375,-0.5374096515207252,-0.22485041296678188,-0.22310566400823345,-0.2070629673035094,0.24636198281689406,0.2495038985272953,0.27802798688046504,1.5540230953497702,1.555985684408051,1.5733382214650369,1.3408782137188924,1.3399336451353985,1.33119120920903,1.517426556266242,1.5186823000349243,1.5298946869696946,1.5467812935477192,1.5485678128641218,1.5644526622972563,1.6122534615406423,1.6133904676152184,1.623269614867482,0.8231976052332067,0.8235759687398032,0.8272708479828991,1.2725716075451,1.2729804990321292,1.2768078653991928,1.5002446683322654,1.5010057940611516,1.5077295412032368,1.5196534810277718,1.5209489774892042,1.5325694475411498,1.2299418609842958,1.2287308199312916,1.2174379389798533,1.9792019047449692,1.9792741230543869,1.9798806798443345,1.9615242440904896,1.9617074777379468,1.963370861979289,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1029771770,-1.4596651232640796,-1.5636461547362959,-1.9922328897928812,-0.2312103647922293,-0.2988534391568335,-0.5378371405738231,-1.4799085519357686,-1.4801329371543568,-1.474513478577049,-1.7201811234011308,-1.8104454884662684,-2.101001625548508,-2.232029642616633,-2.233059320396129,-2.242044352727132,-2.397629070550766,-2.397443135619972,-2.395014103368989,-2.301977565797831,-2.302846425088141,-2.3103044992924104,-2.2557548436700188,-2.2567477659532598,-2.265382426329454,0.05207889510905234,0.050723790703847735,0.03908956857514417,-2.0665369661381456,-2.0672557926404487,-2.0737734080980963,-1.0978793444815325,-1.099061520657224,-1.1094087127550265,-0.3893726043116157,-0.390702729088736,-0.4021607598964804,0.6451420670810575,0.6450881775385191,0.6444497546582325,0.40722104334063775,0.4087913935863496,0.4226952689514389,0.5363690692096958,0.5375928813419043,0.5482187864282084,0.6282143156472507,0.6287184444378993,0.6329084043112163,0.4863064093086815,0.4876969223453467,0.4999590355990146,-0.7702825473030209,-0.7726430704518964,-0.793628299075227,-0.3350520942670667,-0.3354620638541145,-0.33909591107979165,0.1814463456576832,0.1828316323935191,0.19508271432201185,-0.3121597376403359,-0.3159928754870759,-0.3482950383947639,-0.12969302643903133,-0.11897125917191305,-0.03413685396013225,-0.2445980245058423,-0.2427849713467904,-0.22447163706385728,-0.2890483235044935,-0.29095925136606104,-0.30563427352606604,-0.20035221327718775,-0.2034363312964501,-0.2313419729506325,-0.18618288766133287,-0.1889850395975626,-0.21444133742193447,-0.1980690443930271,-0.20110764284080068,-0.2286677875872289,-0.2002572560178162,-0.20333852691585236,-0.23124477011474345,0.974259925848615,0.975028774382066,0.9815749008133264,0.9638975758620686,0.9646938559482884,0.9712407402590948,1.0074452277825987,1.008118096557374,1.0136490052494749,0.9928032130368588,0.9935182830230536,0.9995215889494922,-1.7209503964527624,-1.7211069555355514,-1.7225124488915111,-1.0154102252631163,-1.0147837632418284,-1.0088441584560726,-1.6368241545298932,-1.6377372939338577,-1.6459532405475643,-1.7268037169399264,-1.7273393865988955,-1.7321699989951649,0.15248951007796374,0.15116862620598384,0.13940381800862697,0.15425443009932935,0.15276454877038584,0.13954862806168075,0.15397454493300122,0.15257491684190708,0.1401319493420638,0.15316569772961144,0.15181477614260044,0.13979097799759602,0.939554468187744,0.9381483673004352,0.9249523860374549,1.0814343393219248,1.0810267617790486,1.0775266368576308,1.3865223493134635,1.3856921408373102,1.3780503520018696,1.2042351849431854,1.203456743274285,1.1959803926351893,-1.2579951654775088,-1.2614620766277977,-1.2922774263694616,1.6989022202415058,1.6993572387019913,1.703362542044107,0.5993159433206781,0.5971410192793253,0.5772032264498881,-0.5397271856559374,-0.5436160584614685,-0.5786372109571222,-0.7413489869212254,-0.7418716533738408,-0.7466484416178663,-1.2458680510197435,-1.2475763689398238,-1.2627958771980217,-0.9665852814710891,-0.9674700284827932,-0.97535440443269,-0.8241563066154816,-0.8247718097589096,-0.8303232987538699,1.1775560467486723,1.1778665619712023,1.18010618460649,0.13466591226870514,0.13663002166891522,0.1543140069547262,0.9305236309226274,0.9306452551091876,0.9319338956021956,1.2642726298898723,1.2635090868767067,1.2563581556926229,-1.175174943652867,-1.1765958116275186,-1.1892921262244376,-0.9432017384834231,-0.943288014795012,-0.9442599236415248,-1.1325132184459092,-1.1334751865865913,-1.1421449020746206,-1.165648668504941,-1.166931518961487,-1.1784178895357162,0.0625152252987736,0.06366119164523687,0.07407317881006874,1.0176178523813222,1.0180355042697218,1.0216690847404584,0.4641337907599472,0.4656632953369149,0.4793163256626036,0.1974688042944828,0.1988481990454596,0.21130412069763055,-0.2763502291318044,-0.27765814282288026,-0.2892877070530956,0.9917656462871698,0.9915101708093572,0.9892492692404659,1.4246700882457939,1.4252193143320928,1.4300980847093243,-0.0141870035901503,-0.01572879079935714,-0.02950546566501248,-0.9909688239240484,-0.9907427241693122,-0.98843499485551,-0.4403608565272503,-0.4408127593655372,-0.44488545709842775,-0.7378625365499929,-0.7389053442294294,-0.7482495012646846,-1.0513791896641838,-1.05278103321261,-1.0652394841368686,-1.8962547969193,-1.896318483568986,-1.8965602297602453,-2.344378072081552,-2.3463649215759514,-2.3638587396294564,-2.2714645103448463,-2.273066476270785,-2.2871026126678773,-2.1382486023630447,-2.139218542244925,-2.1475718928857277,0.8229314777720725,0.8167686222902224,0.7614892718895521,1.220899682722334,1.2167678274790148,1.179256709452641,1.1163781356109586,1.1115872978115344,1.06820002083216,0.9843417527611834,0.9788416143949252,0.9292275275112812,1.1968684593212853,1.1972686779703208,1.2004145671212734,0.4584767611067162,0.4594289541204555,0.4672725587174886,0.8378720535849331,0.8383928094370218,0.8423293138218427,1.0784364478495818,1.0788611691072667,1.082059811691175,0.5329057786126249,0.538688835218972,0.5875937293054664,-0.9445844248039972,-0.9397541446845638,-0.8958801508786901,0.0980876467456742,0.10505095543961816,0.16524387629846626,0.40057274064245774,0.4068762837717537,0.4605526782891301,-0.14048061360342856,-0.14036613638890658,-0.1393216841290224,-0.8857012899472425,-0.8865367987006285,-0.8940367030297395,-0.7985364453701413,-0.7995521065574447,-0.8086950777966786,-0.5048270625345423,-0.5050430668628306,-0.5068306570073582,-0.3181485454824004,-0.32276557743851986,-0.3663195862292632,0.7291869708527743,0.7300554630785455,0.7379611604753811,0.05993781389812796,0.05766747756572151,0.036028279074283034,-0.19162810900695676,-0.1954454807351742,-0.23156748894387666,0.1576976664708533,0.15901769585082068,0.1706793776874756,0.7689915306043983,0.7674367545091808,0.7538722477885654,0.5067265486510053,0.506534361201519,0.5048802539636527,0.3009381113566853,0.3017012172927936,0.30842850533896304,0.6693667672620679,0.6690288210631019,0.6659527772824615,-1.6652067010281932,-1.6660149935843866,-1.6733384111766638,-1.1240615155161526,-1.1237565504416904,-1.1210070066569464,0.009207039766262123,0.009649173956709656,0.013638204887314787,1.8708286933869709,1.8708286933869709,1.8708286933869704,1.8708286933869709,1.8708286933869704,1.8708286933869709,1.8708286933869709,1.8708286933869709,1.8708286933869704,1.8708286933869704,1.8708286933869709,1.8708286933869709
+1011520113,-0.4290891043108213,-0.4145192272759604,-0.2985278291190508,0.4998271142133712,0.4748274968077446,0.3308337033126861,0.17737028290980567,0.17378208748178658,0.15376948778878602,-0.30196718962450164,-0.2751233382148239,-0.13704927198907546,0.6973699697063661,0.6979206416516388,0.702890498614692,0.7241728780012737,0.7245027854723354,0.7273599138795729,0.7123909868780409,0.7129353996026501,0.7178328337758604,0.7026526344667255,0.7032056804965058,0.7081937114086339,1.0963440881162274,1.0946054075823854,1.078866527079792,1.1442227416453097,1.1448029464568463,1.1501188078246087,1.2279092637530389,1.227263249870398,1.221559194924592,1.1700236542379658,1.1686717001421223,1.1565003033293908,1.4526837417767169,1.4548153027973312,1.4733582383100938,0.04154058386002317,0.04705386138125147,0.096607976731218,0.5430591571018374,0.5486472462437267,0.5982872707122322,1.0716957189670673,1.075826339944717,1.1120310501009951,1.0169034913785922,1.0170669339436382,1.0180793136874056,0.18759969885987302,0.188267069498851,0.19416240629031892,0.6738892210144585,0.67603480597063,0.6948341080446662,0.9648064059461005,0.9661680696035152,0.9776297927837371,0.017886454442140074,0.04107747300431039,0.24245242158050798,0.6563927464248298,0.7208215091862048,1.1814458481547891,0.2673270877375064,0.3088903718161153,0.6509663926900139,0.10514959320180137,0.13494727877818247,0.3897792811813404,0.44168468899970736,0.44511420759460496,0.4760314007474145,0.2664832101373454,0.26939420725808194,0.29588999049572645,0.37152537500305305,0.37485359017534703,0.4050034047379469,0.4173058166572224,0.4207220089873905,0.4515752896727476,-0.8705844107763869,-0.8699945863766965,-0.8651258580047674,-1.4856756448807078,-1.4829258129912568,-1.4586803487167654,-1.1814429302350655,-1.1796665926630432,-1.1642155947492687,-0.9895168383222872,-0.9884711474166824,-0.9795470591819608,0.8657614474896583,0.8680592742812596,0.8879977527716914,-1.2887376419564618,-1.2913353812814063,-1.3157203573600404,-0.031093712865816737,-0.030426335139577286,-0.025533430756420297,0.5794143445667957,0.5814157389327909,0.5985804761850574,0.8703794301538841,0.8711132197883721,0.8775728522429251,0.6507557400143013,0.6514655209721314,0.6576702250486346,0.7787925175310176,0.7795282153683969,0.7859847727572195,0.8372462538808131,0.8379831034822088,0.8444623213262332,-0.4624996530133271,-0.4622466568834662,-0.4598879404397264,0.18312468176829624,0.18338682458755468,0.1856713440675558,-0.13313917310169227,-0.1323078329364666,-0.12491045433875995,-0.3762241905613972,-0.3757482609116953,-0.3714218018501135,1.1410947800850386,1.1415115945463583,1.1451454273722734,0.3845582044367291,0.3846970280895724,0.3860219709801311,0.8332291051498679,0.8343577594943932,0.8446465158173608,1.0854868222124725,1.0864648623186643,1.0951913166566554,-0.2222195364223029,-0.220919570817122,-0.20926180782953385,-0.31295993855959103,-0.3120639948787814,-0.3039762566167373,-0.26445489913837633,-0.2632810515856946,-0.25270074703029183,-0.23799984924054116,-0.23673452524544744,-0.22536442001503976,-0.6208088451388661,-0.6191067434739076,-0.6037955826872559,0.7176423408638807,0.7169793757348213,0.7109259997414157,0.24440717693305794,0.2440161645871153,0.2402345265495764,-0.3887820889923483,-0.3868951183787189,-0.37043370298594136,1.2032643534794436,1.2039774579122473,1.209527840860583,1.541448461899906,1.540855212974367,1.5349964409490895,1.3671367663351393,1.3675734629249396,1.3706610529626952,1.262439362569961,1.263093670010364,1.2681101296013104,0.15485641366854694,0.15365921735694074,0.1428438949434772,0.06325068180652235,0.06270404500893688,0.05784415107147664,0.13071563477585751,0.1296195625559875,0.11978988136698042,0.14849364302666845,0.1473160717626836,0.13669992935637834,1.2716027214314858,1.2726663713475872,1.282087999163634,-1.7076078796581764,-1.707520277654485,-1.7067419935351942,-1.0081486021927968,-1.0097661183688098,-1.0243189804674708,1.042298298611725,1.0437389226020959,1.05656373638952,0.8726208953923563,0.8747695710540013,0.8935242175600875,-1.5167225724954776,-1.5172233692808197,-1.521530480273125,-1.1356444878037095,-1.1361608991593648,-1.1407900848141628,-0.16999899576975228,-0.16843614072692867,-0.15452982328359766,-0.3071733762130668,-0.3064337719250652,-0.3001353019371737,-0.42310441911226987,-0.4213412796019117,-0.4056572372669324,-0.401358348491835,-0.39982219884888,-0.3862370720764191,-0.3658633943728881,-0.3646463441114406,-0.3539972931986213,-0.9030904467731,-0.8984944124308516,-0.8568859990822626,-1.1442196745208544,-1.1405590043367664,-1.1068734347202114,-1.0859625250322669,-1.0820089206443744,-1.045764831390889,-1.0065689228151085,-1.0022832820164795,-0.9632060970618632,0.04717525595260391,0.044909391299251686,0.024520691888738188,-0.411295806646117,-0.4143962522750179,-0.4417700896772443,-0.2424508580283405,-0.2455958666708635,-0.2735840697703269,-0.07781672554146428,-0.08059435666731493,-0.10548794358747288,-0.5782116344510394,-0.5785099926100241,-0.5805889355555874,0.12600472865006854,0.12740635086658952,0.13878120380465891,-0.3910571307806993,-0.39148381151517536,-0.3950547110934336,-0.5230356845110488,-0.5234307371884395,-0.526438871851765,0.6082705633282309,0.6109991352728898,0.6353777219067007,-0.5416296013722826,-0.5412155836468374,-0.5374096515207252,-0.2248504129667818,-0.2231056640082333,-0.2070629673035094,0.24636198281689406,0.2495038985272953,0.27802798688046504,-0.4836137164661185,-0.4849815581427118,-0.4983860594418066,-0.22810436194646055,-0.2296218070490792,-0.2430730360080301,-0.4023748157771207,-0.40383724706001706,-0.4177708636908792,-0.4577927766634162,-0.4592080055569652,-0.4729563661140906,-1.223123077527968,-1.2233652184216863,-1.2254782516935674,-0.8808585797385328,-0.8817168321644695,-0.8892668336998868,-1.1077547582532357,-1.1080835783596743,-1.111041481478487,-1.1955620155719688,-1.1957831061641622,-1.1977542356870674,-0.8539599440045337,-0.8524269404339861,-0.8385286442555842,0.7621233442368016,0.7610201817395871,0.7509746450745091,0.20206162921603416,0.20101496861434265,0.19159656838426387,-0.5393873987674594,-0.5388630105053336,-0.5340617302554058,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1047043245,-0.4175748358870977,-0.3969770332556065,-0.2493480499953627,1.4945336507221296,1.5232604474530682,1.5206902752917515,1.2599446131916114,1.25830855653073,1.261775063975948,0.06781262871951431,0.1315321001831313,0.4232149504801246,-1.2464385069099684,-1.2456461874384674,-1.2383985819136192,-0.9822516504302241,-0.9800333951243786,-0.9596389897868509,-1.1877637425231853,-1.1866310249602994,-1.1762306465967467,-1.2292227499796644,-1.2283298695503484,-1.2201506882990245,0.8888257631021269,0.8891812420707876,0.8922330317893225,0.8964631805142667,0.8961773043974319,0.8935424156330992,0.9784908884539985,0.9785268040917944,0.9788195578479838,0.9420179880594372,0.9422600085337512,0.9443422647867614,-0.1623996076146018,-0.16463894772029322,-0.184458728993629,0.7729015028212524,0.7705289257914479,0.74878256117166,0.5296789813175545,0.5265385164400819,0.4981503021441846,0.18473291232743447,0.18161054893108167,0.15378575852143758,-1.7080903252598103,-1.707068017830372,-1.6979520139773683,-0.8753469737606401,-0.8741785451220438,-0.8636716076118719,-1.5601352805135054,-1.5613590335119687,-1.5719776692275913,-1.8029509585840775,-1.8030552548202767,-1.8035691949800887,2.699726767558503,2.683833425529882,2.4942240190479303,2.424759720179426,2.368787779035034,1.8100901362378528,2.6240625057981526,2.5961160269746366,2.27652993919314,2.6777287803262873,2.658249170612288,2.4281233217632345,-1.1029069295873333,-1.097457639642154,-1.0477893833290457,-1.5761356160933606,-1.5724800387346385,-1.5387224062433278,-1.3397003939218934,-1.3349652569319133,-1.2914766678248508,-1.1949273468769002,-1.189712905424312,-1.1420405839257155,0.974259925848615,0.975028774382066,0.9815749008133262,0.9638975758620686,0.9646938559482884,0.9712407402590948,1.0074452277825987,1.008118096557374,1.0136490052494749,0.9928032130368588,0.9935182830230536,0.9995215889494922,-0.5757594552539282,-0.5758151374496812,-0.5762827720219131,0.29293013803436185,0.2938156778355742,0.3015011174980773,-0.2471987751978884,-0.24711583707752194,-0.24641930301238635,-0.4760158053353016,-0.4761181881881184,-0.4770384190152716,-0.9753548323584672,-0.9762971501443416,-0.9846807523057376,-0.6814932439917993,-0.6827696176706206,-0.6942463045285598,-0.8519206684884413,-0.8530234931393206,-0.8628847501957387,-0.9305354838963896,-0.9315400305928142,-0.9404952122448602,-1.8645537742143976,-1.8626416810673676,-1.8447282669169076,-0.7151849757853321,-0.7142531126039389,-0.706183948722519,-1.6528006955168482,-1.6503078067102428,-1.6278712606793893,-1.95668356606598,-1.9549532650976755,-1.9388239963354164,1.1410947800850386,1.1415115945463583,1.1451454273722734,0.3845582044367291,0.3846970280895724,0.3860219709801311,0.8332291051498679,0.8343577594943932,0.8446465158173608,1.0854868222124725,1.0864648623186643,1.0951913166566554,-0.4869211773604886,-0.4859405667741119,-0.4771467629024378,-0.6396575962632789,-0.6395366702895279,-0.6384505741627868,-0.5602039196408011,-0.5595449911823065,-0.553583962309099,-0.5146093769652641,-0.513730345639044,-0.5058207144806208,-0.17121762216698155,-0.16986341711263006,-0.15782014086381946,0.5718982337150869,0.5718920372183448,0.5717730015447433,0.4159362904304504,0.4156734372176333,0.4131593688127312,0.02448159072820688,0.025705932935137555,0.036264261683699804,0.014044704913288462,0.013690823142364505,0.010117857318072859,0.2991233617082414,0.29878359908967744,0.2953682586537825,0.11731177394461513,0.11704913816917435,0.1142580754440374,0.04839534703251012,0.048081075524438605,0.044846120032797136,0.31229576987344315,0.3113841901324137,0.3031250952086435,0.11410697351570565,0.11359987128952992,0.10910354020898004,0.2580348111207784,0.25707635262334816,0.2484619467990062,0.2975997519886961,0.2966592008957518,0.2881549449780046,0.4976262461498408,0.4975041142623536,0.4964001460552692,-0.3579211166855035,-0.35800505342256395,-0.35874636214736433,0.20826074302649852,0.20772659798164156,0.2028895521209267,0.5140556475107875,0.5140050659013695,0.5135291353622538,0.7551963946544948,0.7535015172240058,0.7383550564518189,0.8067094529290579,0.8059766544250451,0.7993487329655037,1.0039656095904437,1.0035867751752945,1.0001031397115685,1.0723088832158936,1.0717880912120994,1.0670224951361749,0.2640486035327819,0.2635627897823236,0.2593252673683133,0.5583592552015992,0.5579339355694947,0.5541326997024979,0.4950450211562195,0.49457895468340896,0.4904397904879553,0.4020340367842246,0.4015274467314721,0.3970595019515736,-2.2629257375970098,-2.2666221376153675,-2.298526568406297,-2.101068770787716,-2.106043337356529,-2.15026691692583,-2.1761553094872284,-2.1810107984158487,-2.22390977827128,-2.233756046849279,-2.238197973955381,-2.277076166867509,1.6950936216405892,1.6957094913798023,1.7014700520153996,2.3259804719249613,2.324815721655532,2.3140938733288507,2.2623736605790823,2.2619718589291247,2.2581907630646154,1.9972190300405237,1.9975599470635692,2.000687841625712,-0.18096721429979626,-0.1808262643675383,-0.17979610202202065,0.26548782579968,0.2678117975550977,0.28723557954282203,-0.0508133559231178,-0.050319396944900285,-0.04649221052797148,-0.1414656853980668,-0.1412518803814479,-0.13966974144927402,0.9925438367303566,0.9894326348873598,0.9610785130989528,1.2457897773490996,1.2451769740500391,1.2396557421982008,1.4249109224792615,1.42437216226659,1.419295664425274,1.345724031520954,1.3437162721322422,1.324968098421578,-0.4556675530712258,-0.4548106687730397,-0.4458961844542992,-0.7386836685994093,-0.7376697848127959,-0.7285493767193454,-0.5725103237190926,-0.5718393958788841,-0.5650689814079786,-0.4965872311904121,-0.4958185334697848,-0.487856275855614,0.9573171553927399,0.9556933241839082,0.9413180246654158,0.9868754209232071,0.9885145042310812,1.0025256779007778,1.032166477975497,1.0320617557485936,1.0309591522816797,1.0023633892645931,1.001298994596662,0.9918279856839906,-0.8288166071539332,-0.8297825998583059,-0.8385036625154834,0.1886508884809087,0.19017218785393156,0.20416250521040105,-0.3022094650189528,-0.3020241785686361,-0.3003240686982942,-0.7369299788371256,-0.7374785750501263,-0.7424756527258982,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1060323031,0.6352014954528782,0.7253542939435629,1.1468092715431113,-0.6073687212924234,-0.6519558889137732,-0.7693169725539568,-0.1196048210005002,-0.12125524871268015,-0.1338682213694607,0.4945707884508357,0.5475764631365814,0.7432212241517486,0.4749178209522201,0.4726279978544226,0.4518168756410447,0.02503171964278875,0.021044521741896943,-0.01526134307886951,0.35686364002869564,0.3540757382351489,0.3286803023433982,0.4385288560360451,0.4360834433325102,0.4138386096312688,-1.6017280754003465,-1.6012300140026154,-1.5967207088141635,-0.7800326643748716,-0.7796714559416992,-0.7763689925144852,-1.307859033917564,-1.3073631725152906,-1.3030132329499424,-1.522309543627032,-1.5218003492063392,-1.5172783912237016,-1.6086870554412669,-1.6039374254688064,-1.5613237964215123,-1.6765434632014875,-1.6753824021951835,-1.6638327434964266,-1.839446125780391,-1.836612544043736,-1.8100159635128656,-1.8254182608686225,-1.8208940418383912,-1.7797282040002331,-0.3260838962450953,-0.32705595273835275,-0.3355798792119703,0.8744707576500235,0.8776466679433266,0.9061630293702768,0.4982715907987192,0.4997744373989173,0.5134132012264577,-0.0051386169037898576,-0.005767049843567328,-0.011205991057279822,-0.6448964511748788,-0.6715199632009217,-0.8932359311346934,-0.9676994913495484,-1.0097959662821765,-1.2850081272577512,-0.7784614344604597,-0.8135676147341759,-1.0873861929878688,-0.6926724794338125,-0.7225516354704656,-0.9669344104473988,1.986276307586748,1.987686054831364,1.9998521848238744,2.1091020363680517,2.1112684532508026,2.1305023872347806,2.082751143928,2.0846724372826078,2.1014834773007447,2.029538980191345,2.0311569233990925,2.0451911632712108,0.9899366081133544,0.9896277462384716,0.9864551343719848,-0.08082848993396136,-0.07895443427500734,-0.062210706114358076,0.5461307138372103,0.5467674154336444,0.5521128605288708,0.8349524245961788,0.8349591741576466,0.8346146012386677,0.5703617101428636,0.5691042503584511,0.5581585901516122,1.0498775936978295,1.0502263852514075,1.0537578239511234,0.8812182159221936,0.8809843636711896,0.8794204252706921,0.6869771182729268,0.6860215813154504,0.6778489126437234,-1.3074061918557185,-1.3063305369815978,-1.296639817125804,-1.4085737971213816,-1.4069730709044697,-1.3923914899236909,-1.3576182308189229,-1.3563170946988454,-1.3445287481743564,-1.327059667245985,-1.325900991739062,-1.3154386632648407,1.2375631417438693,1.2392372841705537,1.254490002675951,0.28967222388548863,0.2888166476585805,0.28116013453107425,0.9549462397272492,0.9546852671812468,0.9524167408098498,1.2427089299530245,1.2441101496171127,1.2568815323204152,-1.4257728770629268,-1.4227815479816617,-1.3955189298000523,-1.4634763149657526,-1.4627667931852781,-1.4562972290506713,-1.7439609571272905,-1.7430690610899695,-1.7346816077650533,-1.6604958139993138,-1.6582598054339417,-1.6375834974592245,-0.2222195364223029,-0.220919570817122,-0.20926180782953385,-0.31295993855959103,-0.3120639948787814,-0.3039762566167373,-0.26445489913837633,-0.2632810515856946,-0.25270074703029183,-0.23799984924054116,-0.23673452524544744,-0.22536442001503976,1.1775560467486728,1.1778665619712023,1.18010618460649,0.13466591226870525,0.1366300216689153,0.15431400695472636,0.9305236309226274,0.9306452551091872,0.9319338956021956,1.2642726298898723,1.2635090868767067,1.2563581556926229,-1.3079562012929828,-1.3039618343603527,-1.2679464303060557,-0.8479730987137141,-0.8446261698135389,-0.8145354532725663,-1.1877207846328095,-1.1837214116793673,-1.1477624793430423,-1.2731920374432617,-1.2691825555100809,-1.2330644241911897,1.1524739002164737,1.1505758365276142,1.1332315126015915,-0.5986928114404734,-0.5999764131384381,-0.6112392950568607,0.5293827427750629,0.5264523726623841,0.5001278133055054,0.9568786082905132,0.9545069369950504,0.932962077839477,0.4976262461498408,0.4975041142623536,0.4964001460552692,-0.3579211166855035,-0.35800505342256395,-0.35874636214736433,0.20826074302649852,0.20772659798164156,0.2028895521209267,0.5140556475107875,0.5140050659013695,0.5135291353622538,-0.8771180079058897,-0.8782318634579501,-0.8880766245468629,0.8523616179533475,0.8540961969998818,0.8696965978956173,0.5113572530777254,0.5128939849632057,0.5268527567184319,-0.2158854439496544,-0.21627346487497284,-0.2196765603806042,0.3054017253251365,0.3049828473146975,0.3013288043962023,0.5512356560541214,0.5508555367910486,0.5474531022001914,0.4996839086736837,0.4992770415525202,0.4956602375367492,0.42247024974866537,0.4220339891457121,0.4181849246111061,0.9296607440388628,0.9318704203477766,0.9510098725053692,0.465578100735945,0.4666934683562977,0.4763656138308349,0.6111576073072116,0.6127601676803051,0.6267437066931861,0.7679660691103263,0.7699622326626341,0.7873565118607314,-0.5713458653700655,-0.5718791346558437,-0.5765754113468275,-0.5307733667610135,-0.5313414655125168,-0.5361258776716489,-0.6000909899788844,-0.6006518274326212,-0.6054086131473264,-0.6022190289184309,-0.6028005853227129,-0.6078453109970267,-0.18096721429979626,-0.1808262643675383,-0.17979610202202065,0.26548782579968,0.2678117975550977,0.28723557954282203,-0.0508133559231178,-0.050319396944900285,-0.04649221052797148,-0.1414656853980668,-0.1412518803814479,-0.13966974144927402,-0.5874464509761917,-0.5885193927155297,-0.5978476177156101,0.09564934223408754,0.0954991826819235,0.0941583805766749,-0.14248748726413407,-0.14348365869019572,-0.1525107546758361,-0.4273456922033266,-0.4289166660639329,-0.4429296354110665,0.8773349785033343,0.8783598505608353,0.8879041149963761,0.10927294576566987,0.10681420221518216,0.08482007805004503,0.6175141028281831,0.617127854315786,0.6139402430094386,0.7925543570834105,0.7931157408569367,0.7985075615870353,-0.17291387268392455,-0.17271685241961698,-0.1708296644925628,-1.6923557690728197,-1.690327989726918,-1.6722661982619251,-1.027093386038398,-1.0259219978533305,-1.015362233454397,-0.5201616228589162,-0.5196568993475769,-0.5149798161879418,-0.9332236691336396,-0.9339817284770068,-0.940754240180336,-0.13444772055541207,-0.1333981050706297,-0.1237493555508448,-0.6539617388178812,-0.654000878351232,-0.6543478886812257,-0.9641076056358966,-0.9644465713918636,-0.9675025490130026,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248487,-0.5345224838248487,-0.5345224838248489,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488
+1063987266,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,0.06976533231235384,0.06868082801241067,0.059177830753323564,1.0462375234999337,1.0434145920280933,1.0183786994312656,0.37421964442656863,0.37246155795257296,0.35700083029602364,0.16591032633276892,0.1646125902370518,0.15322598515664634,1.0388470273259576,1.0368148693385646,1.0184441067531271,0.8202655078957994,0.8209820580753742,0.8276618915983363,0.954279968959864,0.9533450466866152,0.945052193226329,1.009960001484841,1.0083080048978454,0.9934491025145434,-0.1289136933729825,-0.12892889304394156,-0.12930462919281266,-0.3056176728517887,-0.3051577844451184,-0.30104042366558403,-0.2546388991519123,-0.25435921874364803,-0.2519384493680765,-0.19343974776481848,-0.1933154879061504,-0.1923749200840452,-0.4213816835634742,-0.4208335829267955,-0.4158454498396556,0.6637446889205936,0.6684968597431457,0.7093730811919078,0.11122711418620064,0.1143603706561791,0.14224798415954032,-0.2456652290199633,-0.2444284045286101,-0.2333261515607076,1.362704192010549,1.3661035898466327,1.3958574749535166,0.93057670232215,0.9355181152884692,0.9793793752317376,1.0528155216130308,1.0574518974746039,1.0984442115703732,1.1966209864960569,1.2007667014036278,1.237249463566476,0.3581373611214613,0.3605180397725608,0.3816922108089585,0.6228894943184624,0.6243213020202583,0.6368995777630728,0.5203889430214477,0.5224391995496278,0.5405044934354744,0.4268160414490676,0.42912189058079536,0.4495472067901824,-0.6961277881647423,-0.6953165386893343,-0.6878823665568996,1.0042749661057877,1.003788589814278,0.999152347672085,-0.3794068356507286,-0.3780801159155632,-0.3660131386389941,-0.6244997187695316,-0.6235233515555724,-0.6145863042518246,-0.10081756020700608,-0.10016450167374168,-0.09408492631151127,0.2883289363362558,0.2917721495226321,0.32369563898670084,0.020511662950119018,0.022081665720605752,0.036701531465195975,-0.062294353076046576,-0.06135144166847504,-0.05257250764488503,0.9061453565175972,0.9053218288828344,0.8978219617687082,0.5524875459887455,0.5501373069793813,0.5287235190787192,0.7850968765682311,0.7837353386444381,0.7713000251003165,0.8673149477363046,0.8663210174344278,0.8572557789584687,-1.0598237545369005,-1.062136170229817,-1.0830454652926471,1.4264049784540107,1.4282453138073006,1.4445837432044737,-0.19111916351716884,-0.1912127361964639,-0.1923384340277886,-0.8580349822155959,-0.8601210653589642,-0.8791562768354947,-0.7608568159515672,-0.7603629014259863,-0.7556550771464673,-0.9487943785544808,-0.9478433544545044,-0.9391433538424722,-1.0395837164151216,-1.0391069109856497,-1.0347523320726435,-0.9309028617239208,-0.93047084592277,-0.9263873912683318,0.28610089196742405,0.28671496692149706,0.2922386668078745,0.7692201061225727,0.7685656918970846,0.7623564754229737,1.4228735443080005,1.423021085459373,1.4242279191707792,0.612313763815633,0.6124397428737928,0.6135014049453053,-1.8129238098424056,-1.814780178237312,-1.8292864959936224,-0.9290991888417166,-0.9348771615679321,-0.98481979228712,-1.6951362101257992,-1.6970514365833298,-1.7128950511272114,-2.0819160934350505,-2.081105374794622,-2.07311919898232,1.063684828850319,1.0648663496700506,1.0757848153599885,0.9968406527443678,1.0046552468082837,1.072973469076976,1.0472502813356788,1.050040126263826,1.0750828217750998,1.0586477956957672,1.0603206037824342,1.0755688771432663,0.8984073433550225,0.8990819810316898,0.905109223509974,0.6547747734297487,0.6557583088551324,0.6645869298015803,1.0788356172067994,1.0792559915099842,1.0829837631669756,0.964160601517956,0.9647991566262596,0.9704905898990794,1.7320508075688774,1.732050807568877,1.7320508075688774,-1.7320508075688772,-1.7320508075688774,-1.732050807568877,1.732050807568877,1.7320508075688776,1.7320508075688774,1.7320508075688772,1.7320508075688772,1.7320508075688774,0.1422278267920924,0.1399605171844921,0.11981311244106647,0.691949521712763,0.6915428832605215,0.6879666182217045,0.6928680589140075,0.6923692930756773,0.6879761391641326,0.5651622202662544,0.5639906762141154,0.5534978046901332,-2.5038657021778707,-2.5039432532125994,-2.504480158554317,1.0847894214930451,1.0823242636241934,1.0603209641329137,0.2163844938465212,0.21353797730815455,0.18808524936339915,-1.6842490318668648,-1.68431370559026,-1.6850938000266424,0.356561603261952,0.3555664736793502,0.3463629661789312,0.0136477504244149,0.012529490749251644,0.002609789634847591,0.15239518078050945,0.15101430019514656,0.13876747013064614,0.2734159470954757,0.27209020121050825,0.2601469484087188,0.7511510697787785,0.7515696483580057,0.7554110169754185,0.4018620368556608,0.3987771383520979,0.3705926831453127,0.6592032456430407,0.6580706806401942,0.6477900466892034,0.7336420558037073,0.7335268181194164,0.7325362335528888,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,-0.5319984004744776,-0.5325608753633708,-0.5374494470206423,0.1808631102084491,0.17815649612079834,0.153717566710441,-0.05905662735906327,-0.06275441805953279,-0.09569045477691376,-0.37134752693779055,-0.37380568553702825,-0.3949923746899077,-0.06560860768819644,-0.06850558882575268,-0.09359381897427296,-1.1045289963568607,-1.1008064389583272,-1.0688698204088718,-0.35863849374369794,-0.35946953354531885,-0.3670813255186418,-0.15008210482569853,-0.1524083598155848,-0.17263284472888976,-0.9707944704102204,-0.975007600574458,-1.0117931180665267,-0.6043501783328142,-0.6053123980309454,-0.6139057620572131,-0.8740209325943624,-0.8767005615742441,-0.9001422513932701,-0.9601723546393816,-0.9639243882443588,-0.996683100722314,-1.2450981283687896,-1.2436171993327572,-1.2306997363597452,2.2203358337254353,2.218816315780954,2.2054633192817863,2.344400449093308,2.3421936490964885,2.3225409927802567,0.05677989026678504,0.05597248454958896,0.048773619169411496,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1041567082,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,-0.7979240021979883,-0.7975190117105944,-0.7940591279509215,-0.6850545012119554,-0.6843563536460845,-0.6782751877657713,-0.7927188144709828,-0.7921084135000468,-0.7868337147812013,-0.7988482720637535,-0.7983677420790869,-0.7942412841226627,0.1536212232784268,0.1550425240054466,0.16772708795897565,0.5790292585854613,0.5783338716558168,0.5719044092024461,0.34889485548673194,0.34936550420696205,0.35344150418796844,0.22706879757626916,0.22814441852023204,0.23768810637380425,-0.1289136933729825,-0.12892889304394156,-0.12930462919281266,-0.3056176728517887,-0.3051577844451184,-0.30104042366558403,-0.2546388991519123,-0.25435921874364803,-0.2519384493680765,-0.19343974776481848,-0.1933154879061504,-0.1923749200840452,0.5120937010481514,0.5152452801852618,0.5429510950294741,-2.1512784042853217,-2.1548282411143265,-2.18303184491598,-0.8992493315942178,-0.9004005375745542,-0.9098220435516228,0.0251569646419848,0.02741197968441015,0.047517982269911684,0.943892886743274,0.942320934688552,0.9282764064590776,1.1116798977690687,1.1104375699989537,1.0990951112188925,1.0748292965041524,1.073443671357816,1.0608735936502098,1.0215692365361917,1.0200566471478294,1.0064338654750564,-2.0226436193857324,-2.0222085020378806,-2.017616081887617,-2.1140017116602965,-2.113088038602821,-2.1049022644456192,-2.191030702698805,-2.1901878256375387,-2.1821489814913484,-2.116549823043623,-2.1159716488726987,-2.110119514077984,-0.6961277881647423,-0.6953165386893343,-0.6878823665568996,1.0042749661057877,1.003788589814278,0.999152347672085,-0.3794068356507286,-0.3780801159155632,-0.3660131386389941,-0.6244997187695316,-0.6235233515555724,-0.6145863042518246,-0.9720123027632648,-0.9726925940580238,-0.9788736491520168,-1.181288994458332,-1.183083791046946,-1.1994186629574233,-1.0695836726273182,-1.070822896369513,-1.0821724089149076,-1.006086208465722,-1.0069591012203207,-1.0149235489976762,-1.4166673466145163,-1.4166406975515151,-1.4164836496771869,-1.8367192473446825,-1.836986759444516,-1.839174580505236,-1.6342525274846853,-1.6345790457328866,-1.6375392086112388,-1.5001376602196357,-1.5002589763411862,-1.5014206889279882,-0.638722054250754,-0.6385926446521357,-0.6373091956366744,0.10531195847242833,0.10547808354326543,0.10683889276314676,-0.5343871273089618,-0.534634684962171,-0.5369657255880007,-0.6315692571113144,-0.6316495628916219,-0.6323069497216955,0.5462712795761734,0.5390035827131817,0.474116357357329,1.6238902531036872,1.6260726678239557,1.6455043663551243,1.4139988862987285,1.4125801806394205,1.3999649944717485,0.9584281778551704,0.9532411554380787,0.9067532599608252,-0.9965104621962809,-0.9979723471602324,-1.0110682991876296,0.5582564850830843,0.5591968343353155,0.5680504173458334,-0.451061248674662,-0.4529489787547845,-0.4697470450589164,-1.020665608041065,-1.0221944701103878,-1.0358090622677518,0.0954455695701076,0.09947168683020567,0.1346035950739736,1.2455926590182549,1.2463611445372311,1.2525860315927932,1.1773415793202724,1.1769008634959863,1.1730226789831506,0.6431082949126905,0.6454891010851164,0.665618634293626,-1.1763021687375022,-1.1762252191984233,-1.1754927832150404,-1.1799363796415534,-1.1795833269426883,-1.1756850664222904,-1.1773261038983196,-1.1771583630889275,-1.1755410368791621,-1.1766251818468318,-1.1765188123447798,-1.1755076434458256,-0.8090468184729251,-0.8121579944277415,-0.840024836196784,-2.2621409617642163,-2.2618414930852606,-2.2590753236065515,-1.6604382840953156,-1.6624603307875196,-1.6803905944018185,-1.057699891296946,-1.060679420089128,-1.0873023548543723,0.3464101615137756,0.3464101615137754,0.3464101615137755,-0.34641016151377546,-0.3464101615137756,-0.34641016151377546,0.3464101615137754,0.3464101615137761,0.3464101615137757,0.3464101615137756,0.3464101615137755,0.3464101615137756,-0.6191855475635526,-0.6223344144679902,-0.6506448668850805,1.5090264274888054,1.5112102918310797,1.5306925442715769,1.2864848629296513,1.2885368337800442,1.3069001083957636,0.5947828079291895,0.5946018250091065,0.5926870486792738,0.13347192278115938,0.1333680708072472,0.13249189686083168,0.22428021431194234,0.22464530254322512,0.2278413331661461,0.2855850194622021,0.28575570482252377,0.28723260975687603,0.2851047270258998,0.2849394334600884,0.2834683903195804,-0.2083256270377146,-0.20009157833799354,-0.12713351775515627,1.1891752267764704,1.192743706414468,1.2239086156679524,0.7309767598983661,0.7370032084082161,0.7893510476928371,0.2257933946475711,0.2336244675371704,0.3021807639077651,-0.5571096498656567,-0.5574129573099872,-0.5600955323786271,0.4883330013720402,0.4875475502590868,0.4804774597277262,-0.08239337979903172,-0.08323567800639227,-0.09075253819918297,-0.3960093527743268,-0.3965848278425838,-0.4017092281387779,-0.4222530529652501,-0.4129229782394384,-0.3322029203389081,-0.30047573297374536,-0.30177532165518617,-0.3136444707916716,-0.5088804409884078,-0.5035267976168343,-0.4568936900070354,-0.477036119371404,-0.4684209392127698,-0.3935912541494565,1.2688023504458787,1.2692352975925405,1.2729850361194548,-0.6485662114816971,-0.6472027084107378,-0.6346735225179383,-0.050354894026970576,-0.04609576726160534,-0.007846787666142899,0.7861889201866941,0.7894089281946562,0.817183008965784,-1.3734660713460085,-1.3731453581190318,-1.3702653556829592,-0.4174179500159557,-0.4208788014880193,-0.4491995148867977,-1.2620840142997678,-1.262351235374617,-1.264698525770836,-1.3497161041772243,-1.3495058220643608,-1.3476711219208592,-2.1095994921248526,-2.106882800823213,-2.08281932963067,-2.4367446936163457,-2.4362361935477965,-2.431713737121856,-2.5500744589554936,-2.5483902904932307,-2.533458726993324,-2.34199032944634,-2.339771746820611,-2.3200459679453616,0.8792178731199294,0.8791168297300558,0.8782464586332185,-0.1507804105469312,-0.14958739662086792,-0.13901372488173366,0.3203112461291571,0.32232527140603623,0.3401658254396156,1.2002302938185438,1.2002184591441358,1.2000413610378755,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1062972223,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,0.2502053778926144,0.25131575187898114,0.2611186120699483,0.14244344925081465,0.14380058886941946,0.15570231911502946,0.22620149620903995,0.2274044083501902,0.2379825280327043,0.24344681992111644,0.24458667637916784,0.2546355593662269,-1.5916559351883963,-1.5921542589764306,-1.5964479939431606,-1.813856599269944,-1.8137096014573797,-1.8123461847583997,-1.7149723795480196,-1.7150078566022886,-1.7152411454410428,-1.6419880021773001,-1.6422882858656778,-1.6448406165642089,0.9831835249300848,0.9825804044721296,0.9774583401611412,1.4933759628915444,1.492885890918778,1.4882233449362168,1.3687111072974534,1.368332247368513,1.3648201117282908,1.1915626112884112,1.1911163894171095,1.1872089420853251,0.2754601402458673,0.2738685360198926,0.2599667810871901,0.33666021210313946,0.3334601611660744,0.30512357847964194,0.3651475228460973,0.3628526366952876,0.34235541269182346,0.3172620137425575,0.3154030646044969,0.299012388552412,-0.904731241473154,-0.9066839635874884,-0.9238267120318608,-0.5787259295577996,-0.5813474361955883,-0.6046774020736713,-0.6700567852302367,-0.6725740504991692,-0.6948861738175048,-0.7783306640938503,-0.7806396741506118,-0.8010112802964774,-0.5914379533479188,-0.5947541786469062,-0.6243331714302884,-0.4913496960628669,-0.493265186946448,-0.5102874497164477,-0.5731180987126782,-0.5758175067281321,-0.5997908594624602,-0.5923448148695877,-0.5954614221906489,-0.6232003068337316,-1.1896013059002393,-1.1891232582718412,-1.1848799782843753,0.2924019788735702,0.2891904146510389,0.2607131342489921,-1.1200564529188126,-1.1197061789335083,-1.1163694777495503,-1.1842881961509453,-1.1838545872156665,-1.1799527774112473,-1.855508697683964,-1.855607750199341,-1.856629434266932,-1.953321828164795,-1.953483350431206,-1.954749407464612,-1.9452449899564408,-1.9456959301101049,-1.9499195941558625,-1.8896715362509624,-1.889909028009349,-1.89219909426843,1.0383896287073893,1.0386181210728602,1.0405466957586471,0.4142883355672719,0.41351265560780215,0.4064333682943359,0.8081738216410749,0.8081243439501024,0.8075441965637074,0.9614649942077343,0.9616267385514172,0.9629532443922824,-0.638722054250754,-0.6385926446521357,-0.6373091956366744,0.10531195847242833,0.10547808354326543,0.10683889276314676,-0.5343871273089618,-0.534634684962171,-0.5369657255880007,-0.6315692571113144,-0.6316495628916219,-0.6323069497216955,0.4121846306829946,0.4124954737653115,0.4154078727606141,-0.3853820388590313,-0.3864576287588882,-0.3961928891702556,-0.07375953340177609,-0.07436033002191868,-0.07969924069662689,0.2275613051999655,0.2275940652187152,0.2280631674556969,0.28610089196742405,0.28671496692149706,0.2922386668078745,0.7692201061225727,0.7685656918970846,0.7623564754229737,1.4228735443080005,1.423021085459373,1.4242279191707792,0.612313763815633,0.6124397428737928,0.6135014049453053,-0.7006563067910424,-0.7074149841870834,-0.7663580713475127,-1.462700487582636,-1.4637704810538816,-1.4726361895089517,-1.6586198821188751,-1.658549093425865,-1.6580628361575276,-1.2966316462158414,-1.3000650578547517,-1.3293831413981336,-1.1763021687375022,-1.1762252191984233,-1.1754927832150404,-1.1799363796415534,-1.1795833269426883,-1.1756850664222904,-1.1773261038983196,-1.1771583630889275,-1.1755410368791621,-1.1766251818468318,-1.1765188123447798,-1.1755076434458256,-0.5211974300674935,-0.5198966500115625,-0.508172528603016,0.9610946633984764,0.9612399576027546,0.9625260561565968,-0.07352433207489338,-0.072048019356347,-0.05883600709840003,-0.4074562138642,-0.4060222144168367,-0.3931217537874738,0.3464101615137756,0.3464101615137754,0.3464101615137755,-0.34641016151377546,-0.3464101615137756,-0.34641016151377546,0.3464101615137754,0.3464101615137761,0.3464101615137757,0.3464101615137756,0.3464101615137755,0.3464101615137756,-1.6272703632976806,-1.6247406064754737,-1.6017504661627755,-1.9700082513091761,-1.968796686655042,-1.9576769395650144,-2.2679559140883123,-2.2677215445823093,-2.265357093451123,-2.4478296445028467,-2.448388227519869,-2.4531498191786496,0.13347192278115938,0.1333680708072472,0.13249189686083168,0.22428021431194234,0.22464530254322512,0.2278413331661461,0.2855850194622021,0.28575570482252377,0.28723260975687603,0.2851047270258998,0.2849394334600884,0.2834683903195804,0.356561603261952,0.3555664736793502,0.3463629661789312,0.0136477504244149,0.012529490749251644,0.002609789634847591,0.15239518078050945,0.15101430019514656,0.13876747013064614,0.2734159470954757,0.27209020121050825,0.2601469484087188,1.4428670997548236,1.4429439791544632,1.443659172870125,0.7796167432428207,0.7779174875964215,0.7622263217218233,1.2702222523388755,1.2697928184284806,1.265832980330064,1.4106829001820165,1.4106191700908548,1.4100533699454103,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,0.2966284957443123,0.2969586983757143,0.2997948176372417,0.17514293456912133,0.17872930627328235,0.21107590700773565,0.2758692448422162,0.2793958685226224,0.3106118355517907,0.3334331441445478,0.3351872467085785,0.3501930890374068,-0.0634034196255093,-0.06037498828088993,-0.03225305029658791,-0.7658673547188725,-0.7697013122698767,-0.8035330163112856,-0.26363695819048105,-0.26176516616768397,-0.24416323876935786,-0.12123696270426608,-0.11852509799455492,-0.0932693539602928,0.4253616620096346,0.4222179059641999,0.3944496523133852,-1.0093868915416615,-1.0089391146649804,-1.004859855412885,-0.3551255295128046,-0.3570838955909426,-0.373968080993201,0.13095682227967045,0.12806246266248386,0.10271446603833788,-0.7226517301771059,-0.7229658703942226,-0.7256380883687619,0.3483908259700957,0.3489252658690009,0.3535429281843731,0.04968354547491395,0.04985565260686155,0.05123751351385497,-0.7900390111970935,-0.7896421735511517,-0.7861000623344313,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1078180360,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,0.2502053778926144,0.25131575187898114,0.2611186120699483,0.14244344925081465,0.14380058886941946,0.15570231911502946,0.22620149620903995,0.2274044083501902,0.2379825280327043,0.24344681992111644,0.24458667637916784,0.2546355593662269,-0.4977109049431019,-0.4981127811522123,-0.5016811982935546,-0.5571046080146567,-0.5570258182958919,-0.5562815171790041,-0.5316924836623608,-0.5318262905777498,-0.5329971483669469,-0.5117368013233723,-0.5120310370783194,-0.5146360060600172,-0.6689845904069647,-0.6701229648172853,-0.6803847036242038,-1.0810161441677413,-1.0830965672587332,-1.1013638747885337,-0.9757271337523288,-0.9776722648220929,-0.9948721462327068,-0.8327540315373255,-0.8343499581677967,-0.8485801659310487,-0.4213816835634742,-0.4208335829267955,-0.4158454498396556,0.6637446889205936,0.6684968597431457,0.7093730811919078,0.11122711418620064,0.1143603706561791,0.14224798415954032,-0.2456652290199633,-0.2444284045286101,-0.2333261515607076,0.32231725341172385,0.3229474663576172,0.3284927675962752,0.1977610022727212,0.1985530899276978,0.2056186047232781,0.2324873741868451,0.2332634720745819,0.2401572119570923,0.2738145242684777,0.2745417135998313,0.2809708082313478,0.052717879480578614,0.056818826673177725,0.09327551383339848,1.67984342681901,1.682033329068024,1.7007221655173583,0.9227381609820476,0.926432740376548,0.9586021056818412,0.3953835049907722,0.3995013508616142,0.43580904058237135,0.7921872091204065,0.7925204421008499,0.7956037451589477,0.07663170378313841,0.07857254961083755,0.09597310244430662,0.8357724920374114,0.836177754733121,0.8397847984928417,0.8109646376011459,0.8113435373360925,0.8148129249514247,0.06904117683030407,0.06884615369111795,0.0671538649724313,0.7221667424120609,0.7228448425779213,0.7289271878683492,0.2801785169896946,0.2803039911993853,0.2815227972340117,0.13679764503806954,0.13669888780222794,0.13588155321520642,0.14671570449428775,0.14622940408806714,0.14180024071235262,-0.13649394104181287,-0.138262797101108,-0.1543320901270274,0.03263882740206773,0.03161367451670055,0.0222660669765623,0.106946546721328,0.10627435830023936,0.10014697351946036,-0.2176203539646073,-0.2150491190744539,-0.19157292598070155,-1.2157810615091535,-1.2172891467207694,-1.2309059576781796,-0.8776550911007542,-0.8780566337278775,-0.8815930171482129,-0.4051035320070325,-0.4031780604242788,-0.3854576226078956,-0.8469577679859598,-0.8455903293092132,-0.8338936135637481,1.186259041541551,1.186936864021,1.19312814399743,0.43085799210554576,0.4320755706178021,0.4427292103005135,-0.3462421250811781,-0.3450752255050581,-0.3352214393627089,-0.3123377439636319,-0.3113610747138186,-0.3025611034016263,0.5319741180187787,0.5315855119490492,0.5279246605656032,0.3553786009746828,0.3555679253182203,0.35717411127828,-0.19728126600053836,-0.19640973141899035,-0.18861945364766056,-0.8587391201361492,-0.8576542457035528,-0.8473414504598245,0.15824673508826922,0.1557419914846495,0.13388311965283667,-0.2588973154027632,-0.26007528654367146,-0.2699361860720304,-0.7194038992611801,-0.7178081368547526,-0.7037502823443468,-1.1763021687375022,-1.1762252191984233,-1.1754927832150404,-1.1799363796415534,-1.1795833269426883,-1.1756850664222904,-1.1773261038983196,-1.1771583630889275,-1.1755410368791621,-1.1766251818468318,-1.1765188123447798,-1.1755076434458256,1.1366263429647796,1.136010493780958,1.1304202134897745,-0.08354438350063058,-0.08324313023265649,-0.08053917236546942,0.989264331814276,0.9881517022291368,0.9781624228434176,1.1165212376133524,1.1157347248220821,1.1086177920348526,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,1.0392304845413265,1.0392304845413265,1.0392304845413265,-1.0392304845413265,-1.0392304845413258,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,2.7769119401531617,2.7793642856638163,2.8002415522790804,-1.1814271153324718,-1.1824107231887326,-1.191154672279857,-0.4533873927099507,-0.453766277711604,-0.4572588450428933,1.1072473938200644,1.110183254035915,1.1364318805366254,0.13347192278115938,0.1333680708072472,0.13249189686083168,0.22428021431194234,0.22464530254322512,0.2278413331661461,0.2855850194622021,0.28575570482252377,0.28723260975687603,0.2851047270258998,0.2849394334600884,0.2834683903195804,-3.0446258638522266,-3.0475238324963194,-3.0705083676207745,-2.984391628049178,-2.982922068170094,-2.9698255953285027,-3.2656849534647994,-3.2643696922535628,-3.2516694815013336,-3.258246313233267,-3.258953726995943,-3.2628833880463377,1.4428670997548236,1.4429439791544632,1.443659172870125,0.7796167432428207,0.7779174875964215,0.7622263217218233,1.2702222523388755,1.2697928184284806,1.265832980330064,1.4106829001820165,1.4106191700908548,1.4100533699454103,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,-2.704757753450569,-2.7038516925359186,-2.6959370129947597,-1.197264731424142,-1.2012191198494668,-1.2369219625252692,-2.1635865497402818,-2.169396038155882,-2.220192446321237,-2.8573038084171434,-2.8576844511932986,-2.859866774595332,0.4807907060336071,0.483412577924552,0.5070239438028077,0.2817255178571217,0.27918329362006045,0.2563255991523272,0.4791032955322244,0.4803812590896158,0.4923264521443045,0.4831803994237805,0.4854134044597522,0.5056580880320404,-0.16510551369354862,-0.16561314480916065,-0.17033753742537452,1.3686304545750547,1.3705917750774317,1.3877835127129516,0.7036829869001447,0.7050987560012223,0.7172236177552369,0.17130090998440126,0.17168898511171007,0.17478434583161465,1.0388422163123847,1.0376424148054997,1.0268079818127858,-2.2188593220944948,-2.2200685120678254,-2.2306463220439032,-2.4668007963593093,-2.4683180955843187,-2.4815029127589283,-0.3680091589863132,-0.3688983266932428,-0.3768202806456857,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1072510359,-0.2311459112226616,-0.21091106002419685,-0.061421263702872236,0.5577386268025843,0.5972315554065223,0.9274754330584754,0.7118592944299685,0.7334011756083291,0.771651368622496,-0.01138133725499528,0.028062527529399917,0.21271803822760893,-0.6595197982193056,-0.6601487258102475,-0.6655292308329461,-1.2881674070850075,-1.2889118949851972,-1.2951249845749109,-0.8783919590834929,-0.8789334456701324,-0.8834806313183743,-0.7305966758415399,-0.7311946087959186,-0.7362822696361335,1.0388470273259576,1.0368148693385646,1.0184441067531271,0.8202655078957994,0.8209820580753742,0.8276618915983363,0.954279968959864,0.9533450466866152,0.945052193226329,1.009960001484841,1.0083080048978454,0.9934491025145434,-1.0051000715490908,-1.0048314085795471,-1.0018402926473962,-0.13862855376953165,-0.13754855328382132,-0.12798322506843024,-0.4489635867419999,-0.4482056444735312,-0.4411924832366828,-0.7478492452503163,-0.7474073555338807,-0.7429828575455365,1.714476297060557,1.7184252880086612,1.752046427396915,0.37898683075318135,0.3801393565921684,0.3892933913954649,1.2973723359980047,1.3025298820347264,1.3468523590576669,1.6256748386903412,1.6307295635362398,1.6741383446378957,-1.5263068748047042,-1.5260574319184232,-1.5236103508946632,-1.4926448250541469,-1.4932319162668442,-1.4981539085692857,-1.5123987075475438,-1.5127542497824034,-1.5156025555106225,-1.526085376361564,-1.52615460769861,-1.5264743375401861,0.5892960812350239,0.5893122648387595,0.5893394442246026,0.2768268202846512,0.2766160451595077,0.2748699322413061,0.4576970868143799,0.4574783932054202,0.4555396841070859,0.5456516224871685,0.5455574355850207,0.5446399894897717,0.2987136913849095,0.2987137225183432,0.2986061334314719,-0.6352412834490789,-0.6360256255524014,-0.6424661109787865,0.0951228747693276,0.09455169171517593,0.08942845938228512,0.2511761602197325,0.25101230167599864,0.24944645179200176,0.06904117683030407,0.06884615369111795,0.0671538649724313,0.7221667424120609,0.7228448425779213,0.7289271878683492,0.2801785169896946,0.2803039911993853,0.2815227972340117,0.13679764503806954,0.13669888780222794,0.13588155321520642,-0.5992573192176344,-0.5979210533141343,-0.5857953863797656,-0.2131245924800357,-0.2097372562188881,-0.17893824526601962,-0.4555433585225698,-0.453386662278935,-0.4337477281880247,-0.5510167064480711,-0.5494018053794425,-0.5347220497032374,1.2116486132793096,1.213664652147841,1.2317242465800908,-1.6523726178265954,-1.6518557345271438,-1.6468086384122105,0.20647849138578195,0.2074314842286528,0.21651016111511293,0.9776708766169336,0.97981124131917,0.9992398685310648,-1.7179637361040478,-1.7186558390173214,-1.7238439417923508,-2.1110614111853216,-2.1101727945053916,-2.1019700960414385,-2.3251771955613245,-2.325858302199087,-2.3317813573975603,-2.0922996880030773,-2.093228287950826,-2.1008601791037385,-0.3123377439636319,-0.3113610747138186,-0.3025611034016263,0.5319741180187787,0.5315855119490492,0.5279246605656032,0.3553786009746828,0.3555679253182203,0.35717411127828,-0.19728126600053836,-0.19640973141899035,-0.18861945364766056,-0.8587391201361492,-0.8576542457035528,-0.8473414504598245,0.15824673508826922,0.1557419914846495,0.13388311965283667,-0.2588973154027632,-0.26007528654367146,-0.2699361860720304,-0.7194038992611801,-0.7178081368547526,-0.7037502823443468,-1.1763021687375022,-1.1762252191984233,-1.1754927832150404,-1.1799363796415534,-1.1795833269426883,-1.1756850664222904,-1.1773261038983196,-1.1771583630889275,-1.1755410368791621,-1.1766251818468318,-1.1765188123447798,-1.1755076434458256,0.3328928012217689,0.3326175249179996,0.3300389260091731,-1.9999310607320893,-2.000104502172685,-2.001611245892069,-0.5239705306456897,-0.5243457725629199,-0.5277806034689596,0.10324776722009743,0.1028240419532743,0.098919648854813,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,1.0392304845413265,1.0392304845413265,1.0392304845413265,-1.0392304845413265,-1.0392304845413258,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,0.42347476503005865,0.42499977255421423,0.4385401580093798,0.4945494894697243,0.4937497244409704,0.4862682316410492,0.5729620166293486,0.572957162182261,0.5726196146787799,0.6247713061032389,0.6260758155970437,0.6376718325417091,-0.5828174126573922,-0.5814813623274855,-0.5696606768085857,0.5559103601882653,0.5549109897880268,0.5461413935536935,0.3699212262012147,0.3691100936882417,0.36197513017305694,-0.18196596361979708,-0.1812021367108916,-0.1745693444655324,0.356561603261952,0.3555664736793502,0.3463629661789312,0.0136477504244149,0.012529490749251644,0.002609789634847591,0.15239518078050945,0.15101430019514656,0.13876747013064614,0.2734159470954757,0.27209020121050825,0.2601469484087188,-0.361236478384932,-0.3614219955924785,-0.3630800483625404,-1.6821036603007902,-1.6821013005261698,-1.6819183566007858,-1.0866752554290238,-1.0867007861873503,-1.086990387271052,-0.6332379006264035,-0.633279595163215,-0.6336816442609173,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,0.2966284957443123,0.2969586983757143,0.2997948176372417,0.17514293456912133,0.17872930627328235,0.21107590700773565,0.2758692448422162,0.2793958685226224,0.3106118355517907,0.3334331441445478,0.3351872467085785,0.3501930890374068,0.20333356617532647,0.20337659690688864,0.2036828765750743,-0.08473716383607262,-0.08296427452087841,-0.06743818580095741,0.14653547871951528,0.14707056688385714,0.15170430837110102,0.1882514568953001,0.18842657031953736,0.1899072688824587,0.35709764052287185,0.3574806903875758,0.3608745402112796,0.5663197308442032,0.5658639713406768,0.5618208292040676,0.5207743567046188,0.5207847230938452,0.5208091164466312,0.4314195381771318,0.43171224418031456,0.43425499590150346,-0.7226517301771059,-0.7229658703942226,-0.7256380883687619,0.3483908259700957,0.3489252658690009,0.3535429281843731,0.04968354547491395,0.04985565260686155,0.05123751351385497,-0.7900390111970935,-0.7896421735511517,-0.7861000623344313,2.672612419124244,2.6726124191242446,2.672612419124244,2.672612419124244,2.6726124191242446,2.672612419124244,2.672612419124244,2.672612419124244,2.672612419124244,2.672612419124244,2.672612419124244,2.672612419124244
+1094301727,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,0.2502053778926144,0.25131575187898114,0.2611186120699483,0.14244344925081465,0.14380058886941946,0.15570231911502946,0.22620149620903995,0.2274044083501902,0.2379825280327043,0.24344681992111644,0.24458667637916784,0.2546355593662269,0.743277366248687,0.743367122779185,0.7442309095656374,0.3926371822178785,0.3930856183662639,0.3971569919341757,0.5945951832770523,0.594758092079499,0.5963030922057236,0.6896272068632927,0.6897224810056882,0.6906513073620741,0.3086510443348708,0.3107999953139844,0.3296305325633088,-0.32639583952280826,-0.3245600356742073,-0.3080821196189593,-0.1147267049714006,-0.1127149785545332,-0.09483794832192588,0.10464517807400504,0.1067916120937178,0.12571131757104312,0.9723019640552092,0.9685706549665808,0.9357790120140359,0.009575735285685364,-0.0015765374109970036,-0.09912592423262397,0.6190679315059939,0.6113449027343961,0.5424628412241068,0.8801892565050784,0.8752345337376041,0.8313509286655316,-1.5263068748047042,-1.5260574319184232,-1.5236103508946632,-1.4926448250541469,-1.4932319162668442,-1.4981539085692857,-1.5123987075475438,-1.5127542497824034,-1.5156025555106225,-1.526085376361564,-1.52615460769861,-1.5264743375401861,-0.5914379533479188,-0.5947541786469062,-0.6243331714302884,-0.4913496960628669,-0.493265186946448,-0.5102874497164477,-0.5731180987126782,-0.5758175067281321,-0.5997908594624602,-0.5923448148695877,-0.5954614221906489,-0.6232003068337316,2.280502206405556,2.2803574228910346,2.2790898568747955,-0.8510115585395109,-0.8466434905926029,-0.8072061427834721,2.0509518197255523,2.0504356253818057,2.0455827356246776,2.2464289939718243,2.2462104262277585,2.244212154154674,1.2024794981274425,1.20220590600804,1.1996928439290877,0.9322544575073806,0.9302507574836362,0.9115548174243328,1.1538966270759363,1.1532557966211243,1.1472873069900025,1.1904683251397663,1.1900964221655366,1.1866582873299631,1.842343027792884,1.8423957979176748,1.8428088650918308,1.4255321548395827,1.4238365138707203,1.4082202494667977,1.7226071273616643,1.7221954000719522,1.7183155140277535,1.808180800133721,1.808113414058654,1.8074121014007225,2.144260723143908,2.1416532920242077,2.1176985363863574,1.1660313857645055,1.163842762536343,1.1444095087446728,2.638466411639143,2.6385472528921965,2.639249799658449,2.3508198631762984,2.3490897021160766,2.3330359994194536,0.6305417778949967,0.6319954978013598,0.6444332870830827,0.913343009695057,0.9128934955349994,0.90879861668495,0.9515086278647992,0.9522858976669459,0.9591295931856976,0.8105580459590217,0.811875929662828,0.8232834904064993,0.623788223571785,0.6239010938623438,0.6248575556417141,-2.0176147012936316,-2.017334824813473,-2.0146194299059905,-2.0388541921635666,-2.0372754721169097,-2.023024190651809,0.06590309034852285,0.06693147579372999,0.0761798719081299,0.6415783282015967,0.6391756676596789,0.6185468603469607,-1.1455715472683454,-1.143306961768072,-1.1229042303582508,-0.7407000738267124,-0.7378038498130941,-0.7124658375902213,0.0794704382266024,0.07818358693584869,0.0680203409848923,0.7508282371973745,0.7502786793304029,0.7451788570710448,0.7812001185438066,0.7777212282193752,0.7464956787915003,0.7584259913640483,0.7571423125833974,0.745507908169122,0.7531660635685251,0.7523905708318059,0.7452800925885189,1.1366263429647796,1.136010493780958,1.1304202134897745,-0.08354438350063058,-0.08324313023265649,-0.08053917236546942,0.989264331814276,0.9881517022291368,0.9781624228434176,1.1165212376133524,1.1157347248220821,1.1086177920348526,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,1.0392304845413265,1.0392304845413265,1.0392304845413265,-1.0392304845413265,-1.0392304845413258,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-0.742521268252794,-0.7423900446454906,-0.7409686768608547,-0.6390293647982063,-0.6386269016972602,-0.6348551606716548,-0.7875439275871524,-0.7876761257533156,-0.7886904771434949,-0.9413337121182959,-0.9421987756528764,-0.9498260072442586,-0.03561247971565048,-0.03734991261025313,-0.05310571813031432,-3.1303426491840116,-3.13162970246508,-3.1428547856027023,-3.3101076275622483,-3.3100215307791983,-3.3090437481579977,-2.202010615993504,-2.2020506277190117,-2.202076823945159,-0.33177950913427323,-0.3286072247904125,-0.3004247747344088,0.8180450333926391,0.8181450738544775,0.8185616758086041,0.4272346317507751,0.4288839956020433,0.4427419548902802,0.013127241613257458,0.01599242378683744,0.04084773916621762,-0.8640266435059348,-0.8643290876808312,-0.8671013811736129,0.03910253825605843,0.041452452707552837,0.06294079657748658,-0.4990878096226619,-0.4983594081548106,-0.4916961024240856,-0.7494575125537627,-0.7494502437852848,-0.7494019584795122,-0.4733054964889081,-0.4733541848597578,-0.4730959278936174,0.63289318163099,0.6325945175461012,0.6298346846767123,0.08195040795054237,0.08118830785670167,0.0744304949889691,-0.31695318102728315,-0.3174581434870159,-0.32145494370788,-0.5319984004744776,-0.5325608753633708,-0.5374494470206423,0.1808631102084491,0.17815649612079834,0.153717566710441,-0.05905662735906327,-0.06275441805953279,-0.09569045477691376,-0.37134752693779055,-0.37380568553702825,-0.3949923746899077,0.20333356617532647,0.20337659690688864,0.2036828765750743,-0.08473716383607262,-0.08296427452087841,-0.06743818580095741,0.14653547871951528,0.14707056688385714,0.15170430837110102,0.1882514568953001,0.18842657031953736,0.1899072688824587,1.2929825204966203,1.2940824035618408,1.3035207928835282,0.2948116044075031,0.29530100744313675,0.29975270069092497,0.8686053411878608,0.8690991915002342,0.8735192746268972,1.1628357996283651,1.1637034299530329,1.1712138043894131,1.4825707871893985,1.4832996096820128,1.4897387149494006,-0.8460968472307699,-0.8464147864589477,-0.8490955067741377,-0.2850629242033801,-0.2842536633575233,-0.27680609125880906,1.5058565119677452,1.5060465145153057,1.5077791467484851,1.0690449676496971,1.0690449676496976,1.0690449676496974,1.0690449676496974,1.0690449676496974,1.0690449676496974,1.0690449676496976,1.0690449676496974,1.0690449676496976,1.0690449676496974,1.0690449676496974,1.0690449676496976
+1049650397,1.340631148457686,1.5238179057625507,2.5066081381717598,0.3667291978125084,0.435681009816764,1.023367561604018,2.0737898758625746,2.2559033833927633,2.8325095596807257,2.1346764924658657,2.3099748212503197,2.9109559171550305,0.2502053778926144,0.25131575187898114,0.2611186120699483,0.14244344925081465,0.14380058886941946,0.15570231911502946,0.22620149620903995,0.2274044083501902,0.2379825280327043,0.24344681992111644,0.24458667637916784,0.2546355593662269,-1.5916559351883963,-1.5921542589764306,-1.5964479939431606,-1.813856599269944,-1.8137096014573797,-1.8123461847583997,-1.7149723795480196,-1.7150078566022886,-1.7152411454410428,-1.6419880021773001,-1.6422882858656778,-1.6448406165642089,-0.6689845904069647,-0.6701229648172853,-0.6803847036242038,-1.0810161441677413,-1.0830965672587332,-1.1013638747885337,-0.9757271337523288,-0.9776722648220929,-0.9948721462327068,-0.8327540315373255,-0.8343499581677967,-0.8485801659310487,-2.61518578889349,-2.6143810355328925,-2.6072618594305634,-2.2389037658484767,-2.231562661703726,-2.1651222609330607,-2.922689484038973,-2.9223262766004345,-2.9179067441356064,-2.8174081987277813,-2.8172747172618013,-2.8157522035401565,0.943892886743274,0.942320934688552,0.9282764064590776,1.1116798977690687,1.1104375699989537,1.0990951112188925,1.0748292965041524,1.073443671357816,1.0608735936502098,1.0215692365361917,1.0200566471478294,1.0064338654750564,-0.9867183420512728,-0.9845874602794382,-0.9653471507458996,-0.4993011478984246,-0.4969956541350633,-0.476707674482878,-0.7854326275456037,-0.7828986033241733,-0.7603388934321498,-0.9211326334330356,-0.918786128265526,-0.8977121381840504,-0.2026542704292455,-0.20150981910682786,-0.19088475482942385,1.7161479533380049,1.7183867649775166,1.7375915610951778,0.3612427816173551,0.3635459471023816,0.3843432004715622,-0.06471124138811819,-0.06319211589547848,-0.04921983109240188,0.7826788347136929,0.7827506544675762,0.7836708588034035,1.0603617700427188,1.0621717089068914,1.0790263834938894,0.8961729802792423,0.8969546994611979,0.9044487167061508,0.8212909747091937,0.8215984851205532,0.8247030376258682,-0.7315015914074267,-0.7312173455041601,-0.7285201203697045,-0.07492538205856204,-0.07311260484730904,-0.05664809448163643,-0.4786203035954137,-0.4777756675845993,-0.4699918996514154,-0.6451667529195008,-0.6447075264964319,-0.6404195151370511,-0.638722054250754,-0.6385926446521357,-0.6373091956366744,0.10531195847242833,0.10547808354326543,0.10683889276314676,-0.5343871273089618,-0.534634684962171,-0.5369657255880007,-0.6315692571113144,-0.6316495628916219,-0.6323069497216955,0.10772653143660003,0.1077680218460361,0.10814392202086527,0.4509463326829119,0.4489714654227284,0.431087102814441,0.3714140138523159,0.3701759238926685,0.3589534677942057,0.2292253010836517,0.22870782119231425,0.22400879641051785,-0.3980718262652252,-0.3998963055249169,-0.4162685289781288,0.7955024731868783,0.7961770142833509,0.8024822322032039,0.6164336946586558,0.6145041813863682,0.5973067628335826,-0.2110705782248938,-0.2133449958176046,-0.23368820367478596,0.0954455695701076,0.09947168683020567,0.1346035950739736,1.2455926590182549,1.2463611445372311,1.2525860315927932,1.1773415793202724,1.1769008634959863,1.1730226789831506,0.6431082949126905,0.6454891010851164,0.665618634293626,0.7508282371973745,0.7502786793304029,0.7451788570710448,0.7812001185438066,0.7777212282193752,0.7464956787915003,0.7584259913640483,0.7571423125833974,0.745507908169122,0.7531660635685251,0.7523905708318059,0.7452800925885189,0.8984073433550225,0.8990819810316898,0.905109223509974,0.6547747734297487,0.6557583088551324,0.6645869298015803,1.0788356172067994,1.0792559915099842,1.0829837631669756,0.964160601517956,0.9647991566262596,0.9704905898990794,0.3464101615137756,0.3464101615137754,0.3464101615137755,-0.34641016151377546,-0.3464101615137756,-0.34641016151377546,0.3464101615137754,0.3464101615137761,0.3464101615137757,0.3464101615137756,0.3464101615137755,0.3464101615137756,0.1422278267920924,0.1399605171844921,0.11981311244106647,0.691949521712763,0.6915428832605215,0.6879666182217045,0.6928680589140075,0.6923692930756773,0.6879761391641326,0.5651622202662544,0.5639906762141154,0.5534978046901332,0.13347192278115938,0.1333680708072472,0.13249189686083168,0.22428021431194234,0.22464530254322512,0.2278413331661461,0.2855850194622021,0.28575570482252377,0.28723260975687603,0.2851047270258998,0.2849394334600884,0.2834683903195804,0.356561603261952,0.3555664736793502,0.3463629661789312,0.0136477504244149,0.012529490749251644,0.002609789634847591,0.15239518078050945,0.15101430019514656,0.13876747013064614,0.2734159470954757,0.27209020121050825,0.2601469484087188,-0.5571096498656567,-0.5574129573099872,-0.5600955323786271,0.4883330013720402,0.4875475502590868,0.4804774597277262,-0.08239337979903172,-0.08323567800639227,-0.09075253819918297,-0.3960093527743268,-0.3965848278425838,-0.4017092281387779,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,0.13645881677790625,0.13551320608463854,0.12739523980723913,1.8940821213280723,1.8940133417786396,1.8928445422141116,1.723270006730799,1.7205134066109626,1.6946591217719489,0.98382772317458,0.9791186686317078,0.9377079793453896,-0.34086055948378996,-0.34041096929855336,-0.3355941175243215,-1.1323300364120672,-1.1318488804108158,-1.1272968012645703,-0.5962047750031901,-0.5950758583734427,-0.5847853825425614,-0.41616590523274655,-0.4155119321347697,-0.4090201731098745,-0.1031736119232343,-0.1031431029768171,-0.10272197749638373,0.6998483176163508,0.698927724077172,0.6907067940465967,0.34970993810630324,0.34948252551693243,0.3473451042268281,0.07170662270931236,0.07171657904619064,0.07181623762876092,-0.9040627576767204,-0.904028742325768,-0.9038881507744698,0.25032387407398377,0.24863023310149845,0.2336868251519948,-0.19651402396012235,-0.19929703264350296,-0.22394511595221625,-1.1507492868675828,-1.1513932374194709,-1.1570940424242904,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1094110735,2.8853406086481903,2.776456856707476,1.859702376364589,-3.291528399517759,-3.279735798530652,-3.037945420657421,-2.564588828584565,-2.3676174350105663,-1.2512559075186356,2.250377521013399,2.0542618196936018,1.0273847063735035,0.15998535510248413,0.15999828994569587,0.16014822141163595,0.5943404863753741,0.5936075904487564,0.5870405092731477,0.30021057031780435,0.2999329831513816,0.297491679164364,0.20467857312694268,0.20459963330810985,0.20393077226143666,-0.4977109049431019,-0.4981127811522123,-0.5016811982935546,-0.5571046080146567,-0.5570258182958919,-0.5562815171790041,-0.5316924836623608,-0.5318262905777498,-0.5329971483669469,-0.5117368013233723,-0.5120310370783194,-0.5146360060600172,2.868960962083131,2.8685270341083884,2.8646120602944087,2.3292038415656475,2.325979301078674,2.297064767864539,2.6052097609170017,2.6032013333212274,2.584999510874785,2.7897451098934547,2.7887127641063207,2.779281733524272,0.2754601402458673,0.2738685360198926,0.2599667810871901,0.33666021210313946,0.3334601611660744,0.30512357847964194,0.3651475228460973,0.3628526366952876,0.34235541269182346,0.3172620137425575,0.3154030646044969,0.299012388552412,-0.2992583799198264,-0.2964260019733177,-0.2712908712665272,-0.7161578932236264,-0.7133313901435581,-0.6878579017723363,-0.609854548130462,-0.6069167272086523,-0.5805591697360257,-0.473940187999236,-0.4709732199481669,-0.444492249012361,0.7534177498248151,0.7503513214050926,0.7227061901245696,0.6308409461540201,0.6280517692088738,0.6033198025295031,0.7327034718543732,0.7295202961456687,0.7010525274051637,0.7556038600125157,0.7524465966556724,0.7240590381405012,0.9548396485921066,0.9533503647859242,0.9395037600709872,-0.3762270199582424,-0.3777250633025292,-0.3909182110972597,0.8521311574301413,0.8493491525893049,0.8238916688943405,0.9389358352699748,0.9371178804344832,0.9202937629040776,-1.1418710398005745,-1.1417032494228834,-1.1401124404359593,-1.6151268005341368,-1.6141564841022356,-1.6046502118390715,-1.3292505266668937,-1.3290452218482929,-1.3269936746837234,-1.205178206579838,-1.2050094306910235,-1.2033776098577678,0.02792806061588273,0.02787507929060704,0.027501600686651115,0.6140561049719963,0.6152874992331802,0.6264075147241102,0.2738377455707496,0.2743459965431381,0.2790420584723388,0.11520164809547585,0.11533913263775634,0.11668929030195699,-0.638722054250754,-0.6385926446521357,-0.6373091956366744,0.10531195847242833,0.10547808354326543,0.10683889276314676,-0.5343871273089618,-0.534634684962171,-0.5369657255880007,-0.6315692571113144,-0.6316495628916219,-0.6323069497216955,2.412499423022348,2.4143087768312084,2.430024138469661,-0.19590139369338028,-0.19657896713261772,-0.20281090261222645,1.0269857163699607,1.0279599708015028,1.0368772675800493,1.965694221115536,1.9677133288571156,1.9858427912208865,1.8206654954338968,1.820053177132975,1.814457096060716,-1.543122725086044,-1.5433744649174022,-1.5457558001912497,0.0961356945030692,0.0976308481653952,0.11108342513318928,1.6850931499808657,1.6846304243792964,1.6804215890940617,0.0954455695701076,0.09947168683020567,0.1346035950739736,1.2455926590182549,1.2463611445372311,1.2525860315927932,1.1773415793202724,1.1769008634959863,1.1730226789831506,0.6431082949126905,0.6454891010851164,0.665618634293626,0.7508282371973745,0.7502786793304029,0.7451788570710448,0.7812001185438066,0.7777212282193752,0.7464956787915003,0.7584259913640483,0.7571423125833974,0.745507908169122,0.7531660635685251,0.7523905708318059,0.7452800925885189,-1.7025832038802522,-1.7019467683055465,-1.6961432907362062,0.5290953964368251,0.5277201672625877,0.5153390803445638,-1.3154555667491097,-1.3144563195035253,-1.3054771176873334,-1.626712393150959,-1.6259080172641105,-1.6186068953382542,0.3464101615137756,0.3464101615137754,0.3464101615137755,-0.34641016151377546,-0.3464101615137756,-0.34641016151377546,0.3464101615137754,0.3464101615137761,0.3464101615137757,0.3464101615137756,0.3464101615137755,0.3464101615137756,0.1422278267920924,0.1399605171844921,0.11981311244106647,0.691949521712763,0.6915428832605215,0.6879666182217045,0.6928680589140075,0.6923692930756773,0.6879761391641326,0.5651622202662544,0.5639906762141154,0.5534978046901332,-0.5828174126573922,-0.5814813623274855,-0.5696606768085857,0.5559103601882653,0.5549109897880268,0.5461413935536935,0.3699212262012147,0.3691100936882417,0.36197513017305694,-0.18196596361979708,-0.1812021367108916,-0.1745693444655324,0.4800154853585109,0.4840821201317694,0.5196542231581839,0.3847779438082458,0.3871281233092416,0.4079567294941956,0.4561373089281003,0.4591335130013192,0.4853765629332028,0.4860821001297894,0.4897222449608413,0.5214799731502663,-1.55574267348198,-1.5557034184772882,-1.555349537068319,-0.33865216813110155,-0.3376878965367707,-0.328692841999024,-1.1101068163184968,-1.1100815459430966,-1.1097390360649462,-1.4264983569320717,-1.4265425957567233,-1.4269190948720345,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,0.13645881677790625,0.13551320608463854,0.12739523980723913,1.8940821213280723,1.8940133417786396,1.8928445422141116,1.723270006730799,1.7205134066109626,1.6946591217719489,0.98382772317458,0.9791186686317078,0.9377079793453896,-0.16345470766369818,-0.16381765094553175,-0.1664516108682562,-0.8995127975950031,-0.8980502412954452,-0.8851937340201833,-0.3839734633060134,-0.38339742794257775,-0.3782073546385488,-0.227706890663293,-0.22780179223535404,-0.22817883107029024,-0.1031736119232343,-0.1031431029768171,-0.10272197749638373,0.6998483176163508,0.698927724077172,0.6907067940465967,0.34970993810630324,0.34948252551693243,0.3473451042268281,0.07170662270931236,0.07171657904619064,0.07181623762876092,1.4825707871893985,1.4832996096820128,1.4897387149494006,-0.8460968472307699,-0.8464147864589477,-0.8490955067741377,-0.2850629242033801,-0.2842536633575233,-0.27680609125880906,1.5058565119677452,1.5060465145153057,1.5077791467484851,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1015978205,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,0.06976533231235384,0.06868082801241067,0.059177830753323564,1.0462375234999337,1.0434145920280933,1.0183786994312656,0.37421964442656863,0.37246155795257296,0.35700083029602364,0.16591032633276892,0.1646125902370518,0.15322598515664634,0.743277366248687,0.743367122779185,0.7442309095656374,0.3926371822178785,0.3930856183662639,0.3971569919341757,0.5945951832770523,0.594758092079499,0.5963030922057236,0.6896272068632927,0.6897224810056882,0.6906513073620741,-0.4650291745151086,-0.4636373368062034,-0.4507602182160052,0.636769917546421,0.6403902295297933,0.6723402260545193,0.2721246478584166,0.2751074016049138,0.3017412136279474,-0.10853496147780924,-0.1063728852722344,-0.08677761169853285,-0.4213816835634742,-0.4208335829267955,-0.4158454498396556,0.6637446889205936,0.6684968597431457,0.7093730811919078,0.11122711418620064,0.1143603706561791,0.14224798415954032,-0.2456652290199633,-0.2444284045286101,-0.2333261515607076,0.943892886743274,0.942320934688552,0.9282764064590776,1.1116798977690687,1.1104375699989537,1.0990951112188925,1.0748292965041524,1.073443671357816,1.0608735936502098,1.0215692365361917,1.0200566471478294,1.0064338654750564,0.3581373611214613,0.3605180397725608,0.3816922108089585,0.6228894943184624,0.6243213020202583,0.6368995777630728,0.5203889430214477,0.5224391995496278,0.5405044934354744,0.4268160414490676,0.42912189058079536,0.4495472067901824,0.2987136913849095,0.2987137225183432,0.2986061334314719,-0.6352412834490789,-0.6360256255524014,-0.6424661109787865,0.0951228747693276,0.09455169171517593,0.08942845938228512,0.2511761602197325,0.25101230167599864,0.24944645179200176,1.4524214245038807,1.4526505021836449,1.4544760377708292,0.3703093388962367,0.3672571130050916,0.3388517024731278,1.151953419833055,1.151334568302271,1.1453046315050381,1.3605536774562237,1.3605440297398168,1.3601594761739666,-0.9082696106594044,-0.9091988897442339,-0.9174853026364718,-0.2589885038788413,-0.25841170765815913,-0.2530892156639688,-0.6636725052226844,-0.6641140648843761,-0.6679734304550989,-0.8256642043019408,-0.8264532639864702,-0.8334670321402972,0.9633201845896504,0.9633020864748768,0.963062805202828,-0.024874837872323988,-0.026723192092213303,-0.04324822446675354,0.8804056602691938,0.8802453095821592,0.8788283912551181,0.9728581655846328,0.9729558208458988,0.9737891884057792,0.4121846306829946,0.4124954737653115,0.4154078727606141,-0.3853820388590313,-0.3864576287588882,-0.3961928891702556,-0.07375953340177609,-0.07436033002191868,-0.07969924069662689,0.2275613051999655,0.2275940652187152,0.2280631674556969,-1.5949490981273369,-1.5960483887955483,-1.6058680693971303,0.3210104969792903,0.3222166543872802,0.333618602488463,-1.51855619200798,-1.5204021388959374,-1.5368008529514152,-1.8302606378572364,-1.8310439444031716,-1.8379299208607176,0.0954455695701076,0.09947168683020567,0.1346035950739736,1.2455926590182549,1.2463611445372311,1.2525860315927932,1.1773415793202724,1.1769008634959863,1.1730226789831506,0.6431082949126905,0.6454891010851164,0.665618634293626,1.063684828850319,1.0648663496700506,1.0757848153599885,0.9968406527443678,1.0046552468082837,1.072973469076976,1.0472502813356788,1.050040126263826,1.0750828217750998,1.0586477956957672,1.0603206037824342,1.0755688771432663,-0.2829784304577362,-0.2829681372622941,-0.28286153862321584,0.2227755064680972,0.2222385185149656,0.2173999539895472,-0.1630956174674169,-0.16315230863719424,-0.16365734742195792,-0.2550955777688032,-0.2550866462210141,-0.2549945516517006,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,1.0392304845413265,1.0392304845413265,1.0392304845413265,-1.0392304845413265,-1.0392304845413258,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-0.4612743300148278,-0.4573507892757685,-0.4222416312925413,-0.8364293970412449,-0.8364200605168113,-0.8365535472523102,-0.9074499698718114,-0.907088256646732,-0.9040470016288478,-0.8817246262813115,-0.8801136362699481,-0.8656519793926826,0.13347192278115938,0.1333680708072472,0.13249189686083168,0.22428021431194234,0.22464530254322512,0.2278413331661461,0.2855850194622021,0.28575570482252377,0.28723260975687603,0.2851047270258998,0.2849394334600884,0.2834683903195804,-0.33177950913427323,-0.3286072247904125,-0.3004247747344088,0.8180450333926391,0.8181450738544775,0.8185616758086041,0.4272346317507751,0.4288839956020433,0.4427419548902802,0.013127241613257458,0.01599242378683744,0.04084773916621762,-0.4578177129313772,-0.457529469386309,-0.4549644424359001,-1.2782286280321264,-1.2773273532607317,-1.2690163191662314,-0.9359399380645392,-0.9352998518161396,-0.9295652013362574,-0.6417665043799387,-0.6412879804503194,-0.6370240038910094,0.5615943610161026,0.5666541669873807,0.6088459437532687,-0.3620519511975295,-0.3622920424962324,-0.3644574960719758,0.16439174976387044,0.16857740350081307,0.2046939572713796,0.4634091962897978,0.4686389474301057,0.5127616740267371,0.4484868144689035,0.4490599572601226,0.4539675834644075,-1.0933211440160997,-1.0921651238976482,-1.0813622955069369,-0.7784061416373084,-0.7749838617047393,-0.7437922643316074,-0.11777659289056433,-0.11416408963275068,-0.08266212801605324,0.47858551797091997,0.4752819773796892,0.4456831751251227,-0.05693612378086715,-0.05192183306838974,-0.009011204945258885,0.3841017599790075,0.38267689171198094,0.3694083653950206,0.4543352573023481,0.4515301426387223,0.4262945972634434,-0.1031736119232343,-0.1031431029768171,-0.10272197749638373,0.6998483176163508,0.698927724077172,0.6907067940465967,0.34970993810630324,0.34948252551693243,0.3473451042268281,0.07170662270931236,0.07171657904619064,0.07181623762876092,-0.7226517301771059,-0.7229658703942226,-0.7256380883687619,0.3483908259700957,0.3489252658690009,0.3535429281843731,0.04968354547491395,0.04985565260686155,0.05123751351385497,-0.7900390111970935,-0.7896421735511517,-0.7861000623344313,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1097734561,-0.2311459112226616,-0.21091106002419685,-0.061421263702872236,0.5577386268025843,0.5972315554065223,0.9274754330584754,0.7118592944299685,0.7334011756083291,0.771651368622496,-0.01138133725499528,0.028062527529399917,0.21271803822760893,-1.7076491783099084,-1.7089834893998233,-1.7207069708538156,-2.115665357547777,-2.117068837500701,-2.129102491455712,-1.897312269763516,-1.8984462675203693,-1.90829687413228,-1.7728917678264098,-1.7741490272541736,-1.7851591131250233,0.1536212232784268,0.1550425240054466,0.16772708795897565,0.5790292585854613,0.5783338716558168,0.5719044092024461,0.34889485548673194,0.34936550420696205,0.35344150418796844,0.22706879757626916,0.22814441852023204,0.23768810637380425,-0.2969714339440455,-0.2962831149250724,-0.2900324237044089,0.16557612234731614,0.1676162225423375,0.1856499011944677,0.008742874353252173,0.010374091430632913,0.024901382129935472,-0.15098735462131385,-0.14984418658919238,-0.13957626589128902,0.2754601402458673,0.2738685360198926,0.2599667810871901,0.33666021210313946,0.3334601611660744,0.30512357847964194,0.3651475228460973,0.3628526366952876,0.34235541269182346,0.3172620137425575,0.3154030646044969,0.299012388552412,-0.904731241473154,-0.9066839635874884,-0.9238267120318608,-0.5787259295577996,-0.5813474361955883,-0.6046774020736713,-0.6700567852302367,-0.6725740504991692,-0.6948861738175048,-0.7783306640938503,-0.7806396741506118,-0.8010112802964774,-0.6363684068791544,-0.6378212129134806,-0.6506318126003139,-1.0238023882309195,-1.0239864340646383,-1.0254088559768055,-0.8804499721094409,-0.8813548254396127,-0.8891136825704885,-0.7410224559221639,-0.7423135053684969,-0.7535871394049855,-1.4430311974490866,-1.4457867038861654,-1.4706039296146483,-1.9650441054670855,-1.96507006812989,-1.9662121539876407,-2.127189915247445,-2.1292170282719427,-2.1474788879637443,-1.6273593536544857,-1.6300919912484682,-1.6547266761270585,0.10652320941213707,0.10673182175465264,0.1084620559316322,-0.2282387306624282,-0.22911382917100434,-0.23731589663913585,0.00277363839640241,0.0026425817440223157,0.001234977637023136,0.07364139459865053,0.07374690578006964,0.07452455793413168,0.14671570449428775,0.14622940408806714,0.14180024071235262,-0.13649394104181287,-0.138262797101108,-0.1543320901270274,0.03263882740206773,0.03161367451670055,0.0222660669765623,0.106946546721328,0.10627435830023936,0.10014697351946036,-0.3903936255610949,-0.3882300789791714,-0.36864775425941176,-1.522185821481843,-1.5196544588916652,-1.4967215211823102,-1.2083142961923736,-1.2074485103156776,-1.1992839557280062,-0.6267565460790138,-0.6247941424183507,-0.6068562695964098,-0.5424996687395655,-0.5408628773899377,-0.5266296628239989,0.34993066999960754,0.35150776983938337,0.3658481520127335,-0.014315555148546426,-0.012460683296784954,0.00407650180968098,-0.34790612096486423,-0.3461889814786571,-0.3311670683175298,-0.3123377439636319,-0.3113610747138186,-0.3025611034016263,0.5319741180187787,0.5315855119490492,0.5279246605656032,0.3553786009746828,0.3555679253182203,0.35717411127828,-0.19728126600053836,-0.19640973141899035,-0.18861945364766056,1.3657958859665786,1.357076142396903,1.2785153988323958,-0.9089558623935692,-0.9020446474872496,-0.8417496747908271,-0.18586465938891508,-0.18307060022874308,-0.16027175613266173,0.8511649951772385,0.8442724970249879,0.7837218328240255,0.7508282371973745,0.7502786793304029,0.7451788570710448,0.7812001185438066,0.7777212282193752,0.7464956787915003,0.7584259913640483,0.7571423125833974,0.745507908169122,0.7531660635685251,0.7523905708318059,0.7452800925885189,-1.7025832038802522,-1.7019467683055465,-1.6961432907362062,0.5290953964368251,0.5277201672625877,0.5153390803445638,-1.3154555667491097,-1.3144563195035253,-1.3054771176873334,-1.626712393150959,-1.6259080172641105,-1.6186068953382542,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,1.0392304845413265,1.0392304845413265,1.0392304845413265,-1.0392304845413265,-1.0392304845413258,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-1.0392304845413265,-0.4612743300148278,-0.4573507892757685,-0.4222416312925413,-0.8364293970412449,-0.8364200605168113,-0.8365535472523102,-0.9074499698718114,-0.907088256646732,-0.9040470016288478,-0.8817246262813115,-0.8801136362699481,-0.8656519793926826,0.8497612582197108,0.8482175039419799,0.834644470530249,-0.10734993156438064,-0.10562038470157666,-0.0904587272214013,0.20124881272318945,0.20240131595680588,0.21249008934069508,0.7521754176715969,0.7510810036310682,0.7415061251046933,1.1683565977547359,1.1682558186015322,1.1664419640715238,-0.41961933915997857,-0.4184874597959844,-0.4079951566795608,0.18129785795783468,0.18126381759442228,0.1814020781735686,0.7463708056120075,0.7458200223845122,0.7407791823927676,1.1359501061145456,1.1360278487836193,1.1366533240751389,0.3303862801268392,0.3318223900448876,0.3446896585715838,0.8535278225152454,0.8546690882800619,0.8648894161051611,1.0572347404025806,1.0577537541481534,1.0623606396046763,-2.2708526711208705,-2.270630676802269,-2.2668085548983634,-2.2960573811570653,-2.29396806163419,-2.2746099376793243,-3.194272811678871,-3.195796530369429,-3.2081966591900186,-2.7182022362742413,-2.7181545077956533,-2.7155509651318748,0.4484868144689035,0.4490599572601226,0.4539675834644075,-1.0933211440160997,-1.0921651238976482,-1.0813622955069369,-0.7784061416373084,-0.7749838617047393,-0.7437922643316074,-0.11777659289056433,-0.11416408963275068,-0.08266212801605324,1.0249848316927237,1.0272001441299936,1.0463009379022037,1.3293183904331156,1.3280678995099977,1.3161842146159404,1.2218435492549296,1.2225276843469162,1.2288161430579672,1.087597761551827,1.0893519069140594,1.1045855300243737,-1.1063865520240437,-1.1050129519000151,-1.092770653563527,-0.8684481879999977,-0.8686542347353122,-0.8705034715376299,-1.1001822604245954,-1.0994538824881492,-1.0930568113832482,-1.1351418533685136,-1.1340275838872098,-1.1241148651583008,-0.7226517301771059,-0.7229658703942226,-0.7256380883687619,0.3483908259700957,0.3489252658690009,0.3535429281843731,0.04968354547491395,0.04985565260686155,0.05123751351385497,-0.7900390111970935,-0.7896421735511517,-0.7861000623344313,1.0690449676496971,1.0690449676496976,1.0690449676496974,1.0690449676496974,1.0690449676496974,1.0690449676496974,1.0690449676496976,1.0690449676496974,1.0690449676496976,1.0690449676496974,1.0690449676496974,1.0690449676496976
+1005472040,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,2.662679449627542,2.6615472851448176,2.6513761263905287,1.517352436678196,1.5190543097954463,1.5341706669663686,2.4076860137818734,2.4071228077333067,2.4020214831258286,2.5908984823185106,2.589907600909381,2.5809989709668453,1.3946094944702156,1.3965224279368442,1.4136391958181678,1.5287710488179966,1.5284453083179723,1.5253429183156255,1.475182522426145,1.475949886864211,1.482741744760639,1.4284328057629343,1.4298979366042397,1.4429754197958955,-0.6689845904069647,-0.6701229648172853,-0.6803847036242038,-1.0810161441677413,-1.0830965672587332,-1.1013638747885337,-0.9757271337523288,-0.9776722648220929,-0.9948721462327068,-0.8327540315373255,-0.8343499581677967,-0.8485801659310487,0.2754601402458673,0.2738685360198926,0.2599667810871901,0.33666021210313946,0.3334601611660744,0.30512357847964194,0.3651475228460973,0.3628526366952876,0.34235541269182346,0.3172620137425575,0.3154030646044969,0.299012388552412,-0.2992583799198264,-0.2964260019733177,-0.2712908712665272,-0.7161578932236264,-0.7133313901435581,-0.6878579017723363,-0.609854548130462,-0.6069167272086523,-0.5805591697360257,-0.473940187999236,-0.4709732199481669,-0.444492249012361,2.053342999466313,2.052389787190517,2.043446910509401,1.2205788962028543,1.2186474782460048,1.201805648515096,1.7311931690246618,1.7293207803079889,1.71257309116476,1.9548748938420424,1.9535025323241455,1.9409315505434803,0.2987136913849095,0.2987137225183432,0.2986061334314719,-0.6352412834490789,-0.6360256255524014,-0.6424661109787865,0.0951228747693276,0.09455169171517593,0.08942845938228512,0.2511761602197325,0.25101230167599864,0.24944645179200176,1.2024794981274425,1.20220590600804,1.1996928439290877,0.9322544575073806,0.9302507574836362,0.9115548174243328,1.1538966270759363,1.1532557966211243,1.1472873069900025,1.1904683251397663,1.1900964221655366,1.1866582873299631,0.9641257318911692,0.9649490483254476,0.9724885040097736,1.4871007138228334,1.4889867061245194,1.5059042451121885,1.2113479963641829,1.212806057970652,1.226057547399776,1.056067500492892,1.0571315292619825,1.066845612744211,0.9633201845896504,0.9633020864748768,0.963062805202828,-0.024874837872323988,-0.026723192092213303,-0.04324822446675354,0.8804056602691938,0.8802453095821592,0.8788283912551181,0.9728581655846328,0.9729558208458988,0.9737891884057792,0.10772653143660003,0.1077680218460361,0.10814392202086527,0.4509463326829119,0.4489714654227284,0.431087102814441,0.3714140138523159,0.3701759238926685,0.3589534677942057,0.2292253010836517,0.22870782119231425,0.22400879641051785,1.8206654954338968,1.820053177132975,1.814457096060716,-1.543122725086044,-1.5433744649174022,-1.5457558001912497,0.0961356945030692,0.0976308481653952,0.11108342513318928,1.6850931499808657,1.6846304243792964,1.6804215890940617,2.0909424764431503,2.0934799365905032,2.1149693086286794,-0.7721362729054185,-0.7704309081492621,-0.7550410235849279,0.2786654384111764,0.2808779406794718,0.3003751975298741,1.5792232414031644,1.5785855415370793,1.573586906214625,0.7508282371973745,0.7502786793304029,0.7451788570710448,0.7812001185438066,0.7777212282193752,0.7464956787915003,0.7584259913640483,0.7571423125833974,0.745507908169122,0.7531660635685251,0.7523905708318059,0.7452800925885189,0.8984073433550225,0.8990819810316898,0.905109223509974,0.6547747734297487,0.6557583088551324,0.6645869298015803,1.0788356172067994,1.0792559915099842,1.0829837631669756,0.964160601517956,0.9647991566262596,0.9704905898990794,0.3464101615137756,0.3464101615137754,0.3464101615137755,-0.34641016151377546,-0.3464101615137756,-0.34641016151377546,0.3464101615137754,0.3464101615137761,0.3464101615137757,0.3464101615137756,0.3464101615137755,0.3464101615137756,0.1422278267920924,0.1399605171844921,0.11981311244106647,0.691949521712763,0.6915428832605215,0.6879666182217045,0.6928680589140075,0.6923692930756773,0.6879761391641326,0.5651622202662544,0.5639906762141154,0.5534978046901332,0.13347192278115938,0.1333680708072472,0.13249189686083168,0.22428021431194234,0.22464530254322512,0.2278413331661461,0.2855850194622021,0.28575570482252377,0.28723260975687603,0.2851047270258998,0.2849394334600884,0.2834683903195804,0.356561603261952,0.3555664736793502,0.3463629661789312,0.0136477504244149,0.012529490749251644,0.002609789634847591,0.15239518078050945,0.15101430019514656,0.13876747013064614,0.2734159470954757,0.27209020121050825,0.2601469484087188,-1.1495337429074226,-1.1489038001827658,-1.1432125983306065,-1.6559833344192862,-1.6564677025050552,-1.660649957742742,-1.5469589447603742,-1.5470219896044255,-1.547608134977118,-1.3188073487582472,-1.3183803324217576,-1.3145411402835312,2.474489386046548,2.4752129586385228,2.4812619303103234,-1.889043623936334,-1.8909121916395388,-1.9081199843896608,0.5267055716660958,0.5288747577200714,0.5493956665394695,1.9758960027599064,1.97789204422438,1.9957848463009569,1.2688023504458787,1.2692352975925405,1.2729850361194548,-0.6485662114816971,-0.6472027084107378,-0.6346735225179383,-0.050354894026970576,-0.04609576726160534,-0.007846787666142899,0.7861889201866941,0.7894089281946562,0.817183008965784,1.8444309091474336,1.8428930908082368,1.8275782305516477,2.4047123030643154,2.4079949468524235,2.434469810935252,2.2021500842371275,2.2002804344323392,2.183009890995549,1.9580989240869218,1.9563939816875515,1.9399003003976916,1.2929825204966203,1.2940824035618408,1.3035207928835282,0.2948116044075031,0.29530100744313675,0.29975270069092497,0.8686053411878608,0.8690991915002342,0.8735192746268972,1.1628357996283651,1.1637034299530329,1.1712138043894131,-0.7226517301771059,-0.7229658703942226,-0.7256380883687619,0.3483908259700957,0.3489252658690009,0.3535429281843731,0.04968354547491395,0.04985565260686155,0.05123751351385497,-0.7900390111970935,-0.7896421735511517,-0.7861000623344313,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1069827144,-0.4704599918325691,-0.4848065803027041,-0.5304334983913257,0.22616524351251024,0.20619895973760544,0.0199533741170565,-0.11661495451724327,-0.16938603744985686,-0.3905695486758852,-0.5452864173711593,-0.5525452120003402,-0.5454720874979689,-0.7979240021979883,-0.7975190117105944,-0.7940591279509215,-0.6850545012119554,-0.6843563536460845,-0.6782751877657713,-0.7927188144709828,-0.7921084135000468,-0.7868337147812013,-0.7988482720637535,-0.7983677420790869,-0.7942412841226627,-1.0873670479133626,-1.0864373799259508,-1.0781850199002163,-0.3707125316470741,-0.37177756500633896,-0.3815340999107337,-0.7773928114526812,-0.7772188784502868,-0.775858736384702,-0.9742952106103956,-0.9736090995637756,-0.9675992070482872,-0.1289136933729825,-0.12892889304394156,-0.12930462919281266,-0.3056176728517887,-0.3051577844451184,-0.30104042366558403,-0.2546388991519123,-0.25435921874364803,-0.2519384493680765,-0.19343974776481848,-0.1933154879061504,-0.1923749200840452,-0.4213816835634742,-0.4208335829267955,-0.4158454498396556,0.6637446889205936,0.6684968597431457,0.7093730811919078,0.11122711418620064,0.1143603706561791,0.14224798415954032,-0.2456652290199633,-0.2444284045286101,-0.2333261515607076,0.943892886743274,0.942320934688552,0.9282764064590776,1.1116798977690687,1.1104375699989537,1.0990951112188925,1.0748292965041524,1.073443671357816,1.0608735936502098,1.0215692365361917,1.0200566471478294,1.0064338654750564,0.663556842762344,0.6642172528719439,0.6701089077845184,-0.4340644381820854,-0.4333907250275073,-0.42692300999121263,0.11803972506084764,0.11844565872270744,0.12240688118910747,0.45824857790736295,0.4587424302999764,0.4632853729979935,-0.6961277881647423,-0.6953165386893343,-0.6878823665568996,1.0042749661057877,1.003788589814278,0.999152347672085,-0.3794068356507286,-0.3780801159155632,-0.3660131386389941,-0.6244997187695316,-0.6235233515555724,-0.6145863042518246,-0.8144552180903949,-0.8140690024502,-0.8106019201424836,-0.049866091294402164,-0.04755471680633786,-0.026403556638839275,-0.5954828003394288,-0.5945690425412069,-0.5862243880069429,-0.7467876827471707,-0.7462510389868001,-0.7413939920555467,-1.4166673466145163,-1.4166406975515151,-1.4164836496771869,-1.8367192473446825,-1.836986759444516,-1.839174580505236,-1.6342525274846853,-1.6345790457328866,-1.6375392086112388,-1.5001376602196357,-1.5002589763411862,-1.5014206889279882,-1.0598237545369005,-1.062136170229817,-1.0830454652926471,1.4264049784540107,1.4282453138073006,1.4445837432044737,-0.19111916351716884,-0.1912127361964639,-0.1923384340277886,-0.8580349822155959,-0.8601210653589642,-0.8791562768354947,-0.7608568159515672,-0.7603629014259863,-0.7556550771464673,-0.9487943785544808,-0.9478433544545044,-0.9391433538424722,-1.0395837164151216,-1.0391069109856497,-1.0347523320726435,-0.9309028617239208,-0.93047084592277,-0.9263873912683318,-0.9107763798946876,-0.9094371163491344,-0.8973608736111272,0.2947281299149848,0.2946053320010137,0.29349284570823264,-0.7121163423586353,-0.7118852348229326,-0.7098796966142191,-1.0068762958167097,-1.0052592057117735,-0.9907403122406264,-0.2490406119860099,-0.2501148401364079,-0.26011847984314657,-0.08040074725787218,-0.08249840109182481,-0.1009594551467684,-0.18991629942643773,-0.19185584152504206,-0.2088980603107933,-0.264936316284516,-0.2662113234795024,-0.2778007121289002,-1.1763021687375022,-1.1762252191984233,-1.1754927832150404,-1.1799363796415534,-1.1795833269426883,-1.1756850664222904,-1.1773261038983196,-1.1771583630889275,-1.1755410368791621,-1.1766251818468318,-1.1765188123447798,-1.1755076434458256,-0.2829784304577362,-0.2829681372622941,-0.28286153862321584,0.2227755064680972,0.2222385185149656,0.2173999539895472,-0.1630956174674169,-0.16315230863719424,-0.16365734742195792,-0.2550955777688032,-0.2550866462210141,-0.2549945516517006,1.7320508075688774,1.732050807568877,1.7320508075688774,-1.7320508075688772,-1.7320508075688774,-1.732050807568877,1.732050807568877,1.7320508075688776,1.7320508075688774,1.7320508075688772,1.7320508075688772,1.7320508075688774,0.1422278267920924,0.1399605171844921,0.11981311244106647,0.691949521712763,0.6915428832605215,0.6879666182217045,0.6928680589140075,0.6923692930756773,0.6879761391641326,0.5651622202662544,0.5639906762141154,0.5534978046901332,2.0545202123016377,2.0558299616923605,2.067311378606564,-0.3045988469928377,-0.30276797129294164,-0.28633823741307396,0.4391217518168957,0.4413278212026109,0.4611224905665338,1.7873877952729678,1.7880510023394565,1.7939928458806904,0.4853304097354806,0.474659553285085,0.3805804167203849,0.12572897771708727,0.12260009678715628,0.09578310705446944,0.2808278592764009,0.274129661069787,0.21621853226793386,0.4066657941400059,0.3973511384872035,0.3160132482195099,0.7297411755399884,0.7292282304890971,0.7245163853374257,1.6477174464150235,1.650602196013172,1.6766467743153022,1.2903799509571223,1.291609531941391,1.3027585150173329,0.9495437322287564,0.9495914908131884,0.9499826850161738,0.01861821050176826,0.016434387753651664,-0.002571495847529048,0.6021050725190977,0.602336157125578,0.6044281720365602,0.4185865033266815,0.4172404084155253,0.4052243186281766,0.15326947680331765,0.15107179983442184,0.13172152038021673,-0.5319984004744776,-0.5325608753633708,-0.5374494470206423,0.1808631102084491,0.17815649612079834,0.153717566710441,-0.05905662735906327,-0.06275441805953279,-0.09569045477691376,-0.37134752693779055,-0.37380568553702825,-0.3949923746899077,-2.228665731388135,-2.229286428586489,-2.235794087185532,0.5303113751972197,0.5238899165501477,0.4710008387353621,-1.7157319418991688,-1.717948181944926,-1.7380336410950983,-2.094807288552249,-2.0957895720945356,-2.10548072869226,1.2929825204966203,1.2940824035618408,1.3035207928835282,0.2948116044075031,0.29530100744313675,0.29975270069092497,0.8686053411878608,0.8690991915002342,0.8735192746268972,1.1628357996283651,1.1637034299530329,1.1712138043894131,0.8792178731199294,0.8791168297300558,0.8782464586332185,-0.1507804105469312,-0.14958739662086792,-0.13901372488173366,0.3203112461291571,0.32232527140603623,0.3401658254396156,1.2002302938185438,1.2002184591441358,1.2000413610378755,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487,-0.5345224838248488,-0.5345224838248487,-0.5345224838248488,-0.5345224838248488,-0.5345224838248488,-0.5345224838248489,-0.5345224838248487,-0.5345224838248487
+1083737921,2.3015569853427293,2.3387011544779943,2.5124434013566783,2.1835691737018577,2.2050622863006675,2.2872343360941603,2.621254198890496,2.6165772908620144,2.5893927331613433,2.773508041101292,2.7810388536922264,2.793220954714561,-0.9641485770571792,-0.963382022695943,-0.9566029531955508,-0.8188269533746931,-0.8186227962660891,-0.8168115878184563,-0.9484024251129106,-0.9476545831735114,-0.9410337662974528,-0.961772635715622,-0.9609971418542164,-0.9541370280005064,1.340986492752884,1.3409061925941552,1.3401513948352437,1.3383091209984488,1.338158527467033,1.3368016883306266,1.4270905790904538,1.4272390973998372,1.4285768084680863,1.3835962265759996,1.3836478906206853,1.3840983110431555,-0.32877542676422866,-0.32895779976817,-0.33069915744147066,0.15537100112911886,0.1549515938611517,0.15101181917575107,-0.06147175187232869,-0.06185061831545805,-0.06544244163420004,-0.24989625773456306,-0.2501626976201448,-0.2526873729381389,0.4995501283431193,0.4964093774824282,0.4685192787908703,1.0892725812134303,1.0877350621390078,1.0741159180708972,0.9372445516143072,0.9356152778755276,0.9211187026784664,0.7136207814439465,0.711212151904217,0.6897446410452005,-1.3627836151964043,-1.3627773025245324,-1.3627051129763366,-1.527727894858204,-1.52761860067832,-1.5266396652352254,-1.4822223623889632,-1.4820562036737002,-1.4805853588614082,-1.4235857627681234,-1.4234643158901237,-1.4223889614801533,1.1919109926112732,1.1912328790596771,1.18461514705734,0.8737882788937823,0.872855920550898,0.864532523617021,1.0863724209495258,1.085383992656731,1.0762633675217128,1.1681070935998372,1.167288555309849,1.1594934479150385,-0.7398316451277333,-0.7400675797494671,-0.7417918293716317,-0.5340003078731481,-0.5325300840550712,-0.5188477038428361,-0.6820993170352816,-0.6818379586682687,-0.6790583772358543,-0.7232388290781991,-0.7233169046704281,-0.7236081853798912,0.4959890051975073,0.4969938850853025,0.5043718746781406,0.3016883198257125,0.3034614743501464,0.3196559134282499,0.467742151396385,0.4688019794995894,0.477598933365829,0.4937294904537519,0.4947444845191346,0.5024993167419664,2.3696950837291584,2.370107305494596,2.3735641433527674,1.5742326765939016,1.5747891118051427,1.579518308552155,2.0975931448285245,2.0980844264519014,2.102110165933032,2.3127366566281045,2.313111760600709,2.316173303577276,-1.86068811561722,-1.8590057305214776,-1.8435204973078132,-1.3820028421809212,-1.3786742634389193,-1.3488107123560074,-1.803885652973088,-1.8026431242136591,-1.791522050607324,-1.852881281023895,-1.8514530911820324,-1.8384107467229225,0.19564452093093374,0.19443327601600766,0.18368778205620706,0.9895435634431092,0.9882722640612112,0.9765369197878886,0.7615737077601704,0.7592255121692073,0.7379747631139923,0.3961612610149176,0.39427412864958256,0.37749278615439147,0.21298299947886384,0.21324551195644295,0.21565652090997287,-0.5178590259772636,-0.5178733477732106,-0.5179611467097774,-0.7064105432705999,-0.7049394323156184,-0.6898447635220276,0.09082318565751828,0.0917118878403892,0.09965383477255103,0.5419125650441617,0.5448800764082802,0.5713233521261294,2.0059786054349016,2.00576072525384,2.0036231862090843,1.5071646736822717,1.5080033679109217,1.5146412216152378,0.9054226664173328,0.9080170476816448,0.9305162214304474,-0.94005052348526,-0.9409408229327098,-0.9487778017984724,0.2199614534653092,0.2198739474308576,0.21893901318383596,-0.4243940485313437,-0.4260246328546293,-0.440659455006632,-0.7863385858037818,-0.7876619400842156,-0.7993728907690724,0.4527028452005176,0.4506745371384751,0.4324402327466104,-0.9408409483714072,-0.940317643858278,-0.9356502284362538,0.06746836967027774,0.06536670490200612,0.04664787611676903,0.35547672421395776,0.35332362999368544,0.33401020717597035,1.9466570535691499,1.9466570535691496,1.9466570535691499,-1.9466570535691508,-1.946657053569151,-1.9466570535691508,1.9466570535691503,1.946657053569151,1.9466570535691496,1.9466570535691503,1.9466570535691496,1.9466570535691508,1.15647243258216,1.157448249851238,1.165882439136574,-1.2692908424408602,-1.265810593983472,-1.2342761447227126,-0.03404044158365789,-0.03247160034573428,-0.018505355788392304,0.8794139415461677,0.8810229805099794,0.8952531705342185,1.6523949684431034,1.6513028273762682,1.6416440463466404,-0.40803938732475104,-0.4063432397131765,-0.3913242618709556,0.3696339462076866,0.3717241045009493,0.3899806453212842,1.1842331663141494,1.1844717583746731,1.1864284514788337,-0.7220437531756738,-0.7216781918312511,-0.7184085914135101,-1.4033753038168113,-1.4036889796102556,-1.4063682727930602,-1.221124197237634,-1.2211337120583472,-1.2210563921137827,-0.9655166814980422,-0.9652404122971208,-0.9626777185610028,-1.0333949179326616,-1.0325629883687528,-1.0251342523935656,-0.7134714311268483,-0.7104312111163279,-0.6830921616630357,-1.1562659911426854,-1.1537708649649,-1.1309517472518404,-1.2924863634837298,-1.2911456622912276,-1.2789479215080282,0.05411714892549265,0.07023535094615899,0.2086423702293264,0.11198213323291194,0.11205120926045964,0.11237426589496616,0.09352217859294147,0.10139390216393676,0.16985744770677594,0.07189374216188242,0.08496172156371913,0.19781140949242815,0.4022941214856866,0.4012940629295685,0.39251122240218783,0.7629823037163392,0.7621227297012554,0.7540263981144694,0.6479669285493168,0.6469601936169588,0.6378151097363964,0.5227842102760516,0.5217057699346598,0.5121100359529046,-0.01724932580112989,-0.0160535417975487,-0.004695044700028896,-1.2667580103474976,-1.2704642928271226,-1.302305766842225,-0.3646340023052295,-0.36492718367203225,-0.3671399218262076,-0.11207371261260912,-0.11124337042129163,-0.10319800126026353,-0.5410165906388211,-0.541279875116781,-0.5436114674419643,-0.0410202861853284,-0.041231630819839465,-0.043067765049072684,-0.30162334628356163,-0.30184641312646954,-0.3038163377494322,-0.4481071098433272,-0.4483503290788975,-0.4505053655170782,-0.40265497769825787,-0.3988618182450691,-0.3645561304559409,-3.1513369402398657,-3.1517694356640797,-3.1556018693256065,-2.7669946271423305,-2.7669755214019847,-2.7666144219766897,-1.7098820346470858,-1.7073872565728934,-1.6844003861794188,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1041535522,-0.7306108205631092,-0.7454045239043189,-0.8163597880370651,-0.8135767069404097,-0.8199366552689429,-0.843995462891415,-0.9349065651803052,-0.933769268608394,-0.9270328315489124,-0.938712965295898,-0.9438539412946346,-0.9604574689384214,-0.9641485770571792,-0.963382022695943,-0.9566029531955508,-0.8188269533746931,-0.8186227962660891,-0.8168115878184563,-0.9484024251129106,-0.9476545831735114,-0.9410337662974528,-0.961772635715622,-0.9609971418542164,-0.9541370280005064,1.340986492752884,1.3409061925941552,1.3401513948352437,1.3383091209984488,1.338158527467033,1.3368016883306266,1.4270905790904538,1.4272390973998372,1.4285768084680863,1.3835962265759996,1.3836478906206853,1.3840983110431555,-0.11078314757326492,-0.11089804734737307,-0.11201784436240453,0.4197452000709607,0.4192651194860825,0.4148073347701159,0.26244216713962243,0.262029917050524,0.2581250214866825,0.032728716886893286,0.03250264663182035,0.030334688009952426,0.4995501283431193,0.4964093774824282,0.4685192787908703,1.0892725812134303,1.0877350621390078,1.0741159180708972,0.9372445516143072,0.9356152778755276,0.9211187026784664,0.7136207814439465,0.711212151904217,0.6897446410452005,0.7956738072066075,0.7956900734120141,0.7958760647623018,0.11020137549324048,0.11124186154571028,0.12039399624352592,0.39577386236783213,0.3965467096820552,0.4033404001244928,0.62064419543617,0.6210383099080616,0.6245184816826558,0.8743388739187518,0.8775905384268143,0.906543263357875,0.6872771962551227,0.6895224578399131,0.7096522172013399,0.8229250293370272,0.8257301887811413,0.8507330642629451,0.8674497845901721,0.8705733973019697,0.8983777107953409,-0.007620019871762949,-0.010706967809151232,-0.03764656215333191,0.6704964576388249,0.6671442415484728,0.6365676229769018,0.2639015617185902,0.2602584121033173,0.2279046637345113,0.08646867376598759,0.08311563666133312,0.053674175411770136,-0.9276385504580642,-0.9286187923108472,-0.9373206069221741,0.16845786526416318,0.16869185165975287,0.1706789085814348,-0.5543814120635432,-0.5539273930973092,-0.5506571139667584,-0.8161670341169148,-0.8165321592181536,-0.8200593228760921,-0.5868826125359334,-0.5866024759112408,-0.5838287961829189,-0.4219778585270867,-0.4229041079673083,-0.4311406314847328,-0.5385087760603867,-0.5389019460660708,-0.5422137589093187,-0.5806394247904901,-0.5806097973311242,-0.580094211040921,-0.8460044421372307,-0.8437215087267262,-0.8229170606168218,-1.0612160296869255,-1.0612421829099714,-1.0617336101752108,-0.9688558652271164,-0.9678938964839976,-0.9593208825973908,-0.8900218558611085,-0.8881929106493862,-0.871571940419255,-2.7467884663365822,-2.746583710189998,-2.7446583110635316,-0.5837198785410087,-0.5820288348629411,-0.5671016465695651,-2.313123088738044,-2.3137742128613104,-2.3191116318917038,-2.742439709608853,-2.7421190486772584,-2.7390103808102815,0.21298299947886384,0.21324551195644295,0.21565652090997287,-0.5178590259772636,-0.5178733477732106,-0.5179611467097774,-0.7064105432705999,-0.7049394323156184,-0.6898447635220276,0.09082318565751828,0.0917118878403892,0.09965383477255103,-1.333255406838188,-1.3312092193670335,-1.3118274845867608,-1.1850218860455932,-1.1858554723065364,-1.1925912918054111,-1.5396957134711682,-1.5372786288582971,-1.5150034728312052,-1.4574259845403883,-1.4551025735866514,-1.4332040780332542,-1.125209169117303,-1.1235567284212742,-1.1089575826351572,-1.8775465409167729,-1.8781320628578608,-1.8829965439944207,-1.8083695126744972,-1.807518975820828,-1.799575414502182,-1.4285165073048136,-1.4266867036938793,-1.4103455396657851,-0.7332082068519704,-0.7332340201170107,-0.7332504649137052,0.9772688276767896,0.9770097355936508,0.9744950077192877,-0.31271400780622804,-0.3121424920654741,-0.3069111289443053,-0.6305038805231488,-0.6302875691438556,-0.6281417507000279,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,-0.8178121447465435,-0.8181699563275524,-0.8215399085803514,0.9402638135540792,0.9433113876347168,0.9702655115159948,0.057316464564734874,0.060854092664338576,0.0930736848972554,-0.6115584546779262,-0.6109939750179646,-0.6059085825967064,1.0794627385966449,1.0799959241466397,1.084605813826406,0.7573707956652457,0.7579676456835986,0.7632620546499813,1.0452581739768585,1.0457790046901565,1.0503175293820564,1.163821838368612,1.1638908489176365,1.1644999329355656,-0.7220437531756738,-0.7216781918312511,-0.7184085914135101,-1.4033753038168113,-1.4036889796102556,-1.4063682727930602,-1.221124197237634,-1.2211337120583472,-1.2210563921137827,-0.9655166814980422,-0.9652404122971208,-0.9626777185610028,2.559808404509813,2.5599257289353456,2.560809752753745,-1.2030383327364982,-1.2057910107282208,-1.2301518878285382,0.11106533364407577,0.10850928514350533,0.08516413069297236,1.8543560655706592,1.8542824498153423,1.8530733784717524,0.6333308713683311,0.6254879744560212,0.5564284286749158,0.04437740899875598,0.044478692533019344,0.04550074596883704,0.3341204405929207,0.3307740712866761,0.3014003289854951,0.5241750482651798,0.518125149164843,0.4648591843970864,1.5613677786600126,1.5602727869076902,1.5505352587218175,2.0184174339357557,2.019002544208028,2.023696433124876,1.9067970102890768,1.906829051347101,1.9068806563417249,1.7440754826689568,1.7434425554607105,1.7377315989107769,0.02794601976896193,0.027286495425649943,0.021873759136529357,0.8841314692031481,0.880933609073277,0.8524959219340403,0.2687856299115028,0.2675587509942956,0.25730552757013314,0.0938037069575928,0.09296319701063208,0.08599952986421015,1.0523411671934229,1.0529976107922403,1.0586947945225156,1.1523662661795566,1.1523798341990694,1.1524928685591391,1.1063242508330835,1.1066614699698587,1.109590459092891,1.0746517710223102,1.0751822264921975,1.0797874997601766,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1067239528,-0.3291735709602073,-0.3074627482951145,-0.1900921117364524,0.7714828413581154,0.7642430385184864,0.7342561577402531,0.550396489951259,0.5541915448895036,0.5751172844561807,0.1278925643592111,0.15156891057503152,0.2644543563021119,-0.592027921512876,-0.5952492715835261,-0.6235901772314969,-1.7524381665711557,-1.753324744809286,-1.7603103654851016,-0.9706099357193462,-0.9730271160757552,-0.9940307972756199,-0.7137897108860822,-0.7167636155329922,-0.7428429043882481,0.28419431335447065,0.2836911984129911,0.27913903918731586,0.5127916852162417,0.512626932195749,0.5111294537948261,0.40147751124306585,0.4012143992910307,0.3988302957417088,0.32771110247913593,0.3273032100347997,0.3236107383773186,-0.18626362089622986,-0.18753854381447144,-0.19910369493879893,-0.9771733004795154,-0.9781862032041332,-0.9872641724850588,-0.8557923217082892,-0.8572674099317042,-0.87042647227865,-0.4806050005292104,-0.4821279835643507,-0.4958434148435325,-0.3400609632781801,-0.3396508308398351,-0.3356843470466383,-1.0655190062049036,-1.0668479611586807,-1.0779417970288578,-0.8522251742456146,-0.8536393282016325,-0.8657178993244561,-0.5820142024541435,-0.5825279505613843,-0.5866826949867966,-0.4981055590160797,-0.4981078559853568,-0.4981341179396858,-0.3779836777734105,-0.37819856820554537,-0.3800846911104811,-0.4333837441746451,-0.4335237492359435,-0.4347520982275155,-0.4717453749702216,-0.4718082982611197,-0.4723632561144944,-0.6663582011362267,-0.6691310234504435,-0.6941755779462027,-0.209004424598392,-0.21039576735729595,-0.22313851496916765,-0.450370682350969,-0.4523948828992354,-0.4707835584797845,-0.5892273598009308,-0.5917150979363539,-0.6142198350537964,0.2047208529468064,0.20861916190855914,0.2430227122240047,-0.28329936691006913,-0.28131784905074464,-0.2632104065149804,0.015983032714363018,0.01951385855625171,0.05101777397618483,0.14024065738584826,0.14407098766661938,0.17799203974613578,0.5624861043617964,0.5634977257075168,0.5713371631419931,0.7982658822486749,0.7978060402815038,0.7936868971773728,0.7299292180270197,0.7301340001373423,0.7311519941454072,0.6266876631009175,0.6274837439866912,0.6334311463960943,-0.5833561995289803,-0.5836671443678879,-0.5865136688383668,-1.0017048928632248,-1.0014444196618166,-0.9990201394282564,-0.8801849952475989,-0.8800322307330198,-0.8786725252332304,-0.7197783493333315,-0.719854196954397,-0.7205960724662354,-1.0388475110517703,-1.0423785537617014,-1.074170837305662,-1.0941487242423262,-1.0943367046189458,-1.0944286527917646,-1.1179262775773298,-1.1212491458703593,-1.1510053856436775,-1.0699349668422524,-1.0734793536571,-1.1053813146208158,-0.8773195722629248,-0.8764292607472872,-0.8684913200100021,-0.9419272938917228,-0.9433806062305108,-0.9562188878707312,-1.2144450734981151,-1.2146659212810995,-1.216133350242959,-1.0359804699500026,-1.0351302262472255,-1.0274098988284015,0.21298299947886384,0.21324551195644295,0.21565652090997287,-0.5178590259772636,-0.5178733477732106,-0.5179611467097774,-0.7064105432705999,-0.7049394323156184,-0.6898447635220276,0.09082318565751828,0.0917118878403892,0.09965383477255103,-0.39567142089701296,-0.3931645714793767,-0.3702520662303157,0.4104783596946546,0.4099526264736517,0.4055159472018368,-0.01626551989444825,-0.014637630473687576,-0.0001811256079834038,-0.2760016590615276,-0.27354276295250296,-0.25134392830140323,1.0311308431749189,1.0295459538481777,1.0151487465127993,0.9988013305095274,1.0000139250789104,1.0103344370442184,1.2187586592605997,1.2188457076224692,1.2189263569364164,1.1447911340044377,1.1435770085079235,1.13227837177635,-0.2977058088130564,-0.2987197263100095,-0.3080188898918469,-1.2644867397978024,-1.266977740890458,-1.289232262980316,-0.7453603663786751,-0.7469406024032167,-0.7612147788027857,-0.42247227035448015,-0.4237462981153208,-0.43536203763548,1.9466570535691499,1.9466570535691496,1.9466570535691499,-1.9466570535691508,-1.946657053569151,-1.9466570535691508,1.9466570535691503,1.946657053569151,1.9466570535691496,1.9466570535691503,1.9466570535691496,1.9466570535691508,0.3366893772505213,0.33602971464557163,0.33018629956892065,0.6374899961729094,0.6355616739783742,0.6182032198414398,0.7746508020065745,0.7737232247699684,0.7651960674311155,0.499784341670636,0.4991526136099609,0.4935492584857604,1.0794627385966449,1.0799959241466397,1.084605813826406,0.7573707956652457,0.7579676456835986,0.7632620546499813,1.0452581739768585,1.0457790046901565,1.0503175293820564,1.163821838368612,1.1638908489176365,1.1644999329355656,-0.7220437531756738,-0.7216781918312511,-0.7184085914135101,-1.4033753038168113,-1.4036889796102556,-1.4063682727930602,-1.221124197237634,-1.2211337120583472,-1.2210563921137827,-0.9655166814980422,-0.9652404122971208,-0.9626777185610028,-1.1699338184311985,-1.1702203952961867,-1.172829115126523,0.21086601161356586,0.2121042222949738,0.22280186465451066,-0.3649379251415937,-0.3641110112404829,-0.3568043647591759,-1.001257897379809,-1.0015619054673686,-1.0043185598040556,0.19329811762018256,0.18925261731016144,0.15423684871384144,0.4418315296202808,0.4417893775630383,0.4414824144855733,0.3591784128948105,0.35715098512199606,0.3393125489256384,0.2672772794136545,0.2639223184545276,0.2346154590989269,-0.4096068393661426,-0.4096245700929512,-0.409366407518668,-0.7218845055703009,-0.7243566948408977,-0.7455590301150182,-0.6242954779909816,-0.6258493557297168,-0.6389971242033562,-0.5156756837689458,-0.5163610263038018,-0.5218994041543368,-0.5461326235532941,-0.5466157928227809,-0.5507076009218642,0.5083171640762509,0.507822987666526,0.5036956483185387,-0.3505194441478919,-0.3511956854328324,-0.3568457302545802,-0.4967885445199246,-0.497357466997073,-0.5021833205271644,-1.4337021466075148,-1.4328938280619226,-1.4257772131571071,-1.4768646461211283,-1.4767998661481772,-1.4762424363770728,-1.4621388500520132,-1.4616694792052234,-1.4575568550518891,-1.4464727661142516,-1.4457925964912337,-1.4398147644312278,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1090051842,-0.7306108205631092,-0.7454045239043189,-0.8163597880370651,-0.8135767069404097,-0.8199366552689429,-0.843995462891415,-0.9349065651803052,-0.933769268608394,-0.9270328315489124,-0.938712965295898,-0.9438539412946346,-0.9604574689384214,0.10278540131715032,0.10106727860514897,0.08625212702767784,0.7145215452034015,0.7112166241133828,0.6820223885558997,0.2959798511695903,0.2936547604474186,0.2734232245687333,0.1643797672322415,0.16246646547706495,0.1459136788169192,0.28419431335447065,0.2836911984129911,0.27913903918731586,0.5127916852162417,0.512626932195749,0.5111294537948261,0.40147751124306585,0.4012143992910307,0.3988302957417088,0.32771110247913593,0.3273032100347997,0.3236107383773186,1.7756668918224436,1.7749992279727007,1.7690281227727958,1.4021944899970609,1.4006355274202444,1.3868954678642245,2.0594329493992705,2.0576574083621337,2.0416806958092923,2.0630197710638964,2.061860114703335,2.051355133689289,0.5574256598735811,0.5626087476790204,0.6069859253329317,0.9880831536995944,0.9937287848306636,1.0415999530204254,0.8954998825967223,0.9021898637943214,0.9598328611578768,0.7287663310810629,0.734986546138746,0.788618877979102,-0.4981055590160797,-0.4981078559853568,-0.4981341179396858,-0.3779836777734105,-0.37819856820554537,-0.3800846911104811,-0.4333837441746451,-0.4335237492359435,-0.4347520982275155,-0.4717453749702216,-0.4718082982611197,-0.4723632561144944,1.1919109926112732,1.1912328790596771,1.18461514705734,0.8737882788937823,0.872855920550898,0.864532523617021,1.0863724209495258,1.085383992656731,1.0762633675217128,1.1681070935998372,1.167288555309849,1.1594934479150385,0.1246089698961274,0.1208543969719318,0.08782084125053907,0.8035764623283805,0.8012456437627672,0.7797846020438189,0.4008971340819545,0.3972525947277138,0.3647110828406341,0.2209613215097098,0.2171674779956292,0.18362872049087853,-0.5834810673722637,-0.5762169256547319,-0.5117628121715876,-0.267357900164968,-0.2656464711964753,-0.2507990958253153,-0.5119645957224597,-0.5058066427680444,-0.4521981730864396,-0.5680085346221732,-0.5609702753130538,-0.4989208523026528,-0.8618341473180098,-0.8615201302263953,-0.8584385579574239,-0.502817987996983,-0.5035518478336923,-0.5100385420810791,-0.7215769801121726,-0.7218582548318707,-0.7241334807850587,-0.8240420588858114,-0.8239414415472089,-0.8227709389997805,1.3364029903099068,1.3348205160892397,1.320256903734752,1.5791660152000553,1.5786309392889888,1.5734608155336358,1.4970810018175953,1.4967739984717547,1.4939740954229728,1.3952544492366326,1.3941436591979242,1.3839171618069912,-0.5577217794773258,-0.5582782623214425,-0.5633194715984711,-1.021869183843362,-1.025026714275358,-1.0534316444235376,-1.0383945710865712,-1.0403682984231917,-1.0577871194014141,-0.7482126703040621,-0.7490003967443419,-0.7560236658422584,0.5150282371345569,0.5170446057906873,0.5351705329380787,-0.5261701528624708,-0.5268753331635271,-0.5332204795294696,-0.13356388158946406,-0.1278097000686627,-0.07374385202977607,0.4827521436086468,0.4853476117482335,0.508513326795503,-0.1971210120589533,-0.2009626354866042,-0.2354382349885856,-0.5377510431509149,-0.5381645874934347,-0.5422751483175755,-0.4372632495715584,-0.43965700788703976,-0.4609484910224912,-0.2899335487501479,-0.29346749591537125,-0.3249671429305833,-0.94005052348526,-0.9409408229327098,-0.9487778017984724,0.2199614534653092,0.2198739474308576,0.21893901318383596,-0.4243940485313437,-0.4260246328546293,-0.440659455006632,-0.7863385858037818,-0.7876619400842156,-0.7993728907690724,1.3580503440589309,1.3585806361080932,1.363203081012879,0.005573997513095281,0.007653600783533536,0.026338714091149792,1.2550657912313212,1.255046685630228,1.2547859928867675,1.3497587801031803,1.350135439764237,1.353369307515072,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,0.3366893772505213,0.33602971464557163,0.33018629956892065,0.6374899961729094,0.6355616739783742,0.6182032198414398,0.7746508020065745,0.7737232247699684,0.7651960674311155,0.499784341670636,0.4991526136099609,0.4935492584857604,-2.0282338957626407,-2.027961521258391,-2.025648546750148,-0.7512319208533829,-0.7536041253656421,-0.7745706227010478,-1.4365914441699719,-1.4386511729824298,-1.4566554367739186,-1.930726272872917,-1.9308909908057303,-1.9323759169052408,-0.4286615584040489,-0.4273102020410324,-0.4150931435907511,0.11151268503175724,0.11296743864435525,0.12595875640378892,-0.115014090159093,-0.11361113929034307,-0.10100835691561566,-0.30133802253070024,-0.2999723418115738,-0.2876472327359004,0.4412000569916836,0.4413722579843425,0.4428665622336533,-1.4359008383932332,-1.4392658197870414,-1.469037685491845,-1.1195458510116072,-1.1233600398619086,-1.1574787535310784,-0.2376116901485374,-0.23919277678796236,-0.2535594604341036,0.19329811762018256,0.18925261731016144,0.15423684871384144,0.4418315296202808,0.4417893775630383,0.4414824144855733,0.3591784128948105,0.35715098512199606,0.3393125489256384,0.2672772794136545,0.2639223184545276,0.2346154590989269,0.4022941214856866,0.4012940629295685,0.39251122240218783,0.7629823037163392,0.7621227297012554,0.7540263981144694,0.6479669285493168,0.6469601936169588,0.6378151097363964,0.5227842102760516,0.5217057699346598,0.5121100359529046,-1.4676799194127048,-1.4678799923794732,-1.4698513631208645,-0.09496369415376796,-0.09111774669694273,-0.056220580380029486,-1.3446670630327096,-1.3444593860132217,-1.3427201178153043,-1.4448445271548864,-1.4449774802725994,-1.4463715803659498,1.0523411671934229,1.0529976107922403,1.0586947945225156,1.1523662661795566,1.1523798341990694,1.1524928685591391,1.1063242508330835,1.1066614699698587,1.109590459092891,1.0746517710223102,1.0751822264921975,1.0797874997601766,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1065847924,-0.7306108205631092,-0.7454045239043189,-0.8163597880370651,-0.8135767069404097,-0.8199366552689429,-0.843995462891415,-0.9349065651803052,-0.933769268608394,-0.9270328315489124,-0.938712965295898,-0.9438539412946346,-0.9604574689384214,0.26726515100223963,0.26716442934704965,0.26639797825150136,0.7519284233654461,0.7510190000354046,0.7428499390839342,0.4259955853301732,0.4255638216580006,0.4218125176975827,0.3183687474564708,0.3181620478937355,0.3164416052906285,0.28419431335447065,0.2836911984129911,0.27913903918731586,0.5127916852162417,0.512626932195749,0.5111294537948261,0.40147751124306585,0.4012143992910307,0.3988302957417088,0.32771110247913593,0.3273032100347997,0.3236107383773186,-0.8396672561750129,-0.8404660718175702,-0.8475235753200444,-0.31676832023897483,-0.3171578138142792,-0.3206672650435637,-0.7069583812318111,-0.7075957162496604,-0.7131749870111563,-0.8653312483746223,-0.8661371867571322,-0.8731917614952268,-1.3228373138039662,-1.3222922680950873,-1.3169730833691131,-0.7472703929984005,-0.7439978767414301,-0.7149372211622719,-1.0689499789717476,-1.0672239681175348,-1.0516202585674113,-1.2549914221743736,-1.2542819698499268,-1.2476217068913793,0.3665724971642448,0.3665615905538187,0.36643687709696493,0.7717605393113834,0.7712214642672294,0.7664702830142633,0.6154548740396731,0.6150087052018128,0.6110811624063771,0.4800950128276805,0.4798477193678843,0.4776624492511643,1.0440575774289909,1.0446697496344437,1.0498229461669786,0.8967399519818585,0.8965353524516942,0.8947112904962081,1.0253804929450774,1.0254948421374066,1.0263118653967005,1.0531979702612104,1.0536254761525357,1.0571427224106915,-0.7760136660814452,-0.7812428589644791,-0.8277055932184063,-0.9788290508650336,-0.9884209214936368,-1.0750484776673879,-0.8832703879968895,-0.8903943434094156,-0.9540598971724276,-0.8167821631724212,-0.8226693939785583,-0.8750689299969809,0.5624861043617964,0.5634977257075168,0.5713371631419931,0.7982658822486749,0.7978060402815038,0.7936868971773728,0.7299292180270197,0.7301340001373423,0.7311519941454072,0.6266876631009175,0.6274837439866912,0.6334311463960943,-0.3084046647469038,-0.3087494900527338,-0.31190390706386195,-0.9208647633933288,-0.9207966797954328,-0.9201222288319101,-0.6971167911958128,-0.6970759219672202,-0.6967528033574905,-0.4763757152380101,-0.4765225527383122,-0.47791934450737605,0.7525411108263331,0.7531916145786326,0.7589716399044607,0.4193683990035626,0.4174104184539825,0.3994021537696108,0.6816274621682256,0.6818146648587093,0.6834271904177575,0.7340460092691551,0.7346054645405918,0.7395920138457016,-0.12395327185466525,-0.12371772240983712,-0.12148406635532395,1.0694854533947489,1.0699183721060583,1.0737496763406948,0.5855232053486265,0.5849278893112994,0.5796285322724473,0.10839346136897723,0.108144299146699,0.10610655316824844,0.21298299947886384,0.21324551195644295,0.21565652090997287,-0.5178590259772636,-0.5178733477732106,-0.5179611467097774,-0.7064105432705999,-0.7049394323156184,-0.6898447635220276,0.09082318565751828,0.0917118878403892,0.09965383477255103,-0.39567142089701296,-0.3931645714793767,-0.3702520662303157,0.4104783596946546,0.4099526264736517,0.4055159472018368,-0.01626551989444825,-0.014637630473687576,-0.0001811256079834038,-0.2760016590615276,-0.27354276295250296,-0.25134392830140323,-1.125209169117303,-1.1235567284212742,-1.1089575826351572,-1.8775465409167729,-1.8781320628578608,-1.8829965439944207,-1.8083695126744972,-1.807518975820828,-1.799575414502182,-1.4285165073048136,-1.4266867036938793,-1.4103455396657851,0.3124210686034802,0.3126733079955413,0.3149763080495869,0.4914214125949426,0.4923316681885922,0.5004168609052188,0.4711758917125466,0.471452096782377,0.4739374319712312,0.3596274497900158,0.3599239353101907,0.3626137784075221,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,0.3366893772505213,0.33602971464557163,0.33018629956892065,0.6374899961729094,0.6355616739783742,0.6182032198414398,0.7746508020065745,0.7737232247699684,0.7651960674311155,0.499784341670636,0.4991526136099609,0.4935492584857604,0.19427464421058327,0.1933687878817845,0.1854946878078406,-1.0387232220968448,-1.0382140028262736,-1.033649303857388,-0.7342805159816177,-0.7331831916759313,-0.7234871410019115,-0.23831893207781935,-0.23792941850606836,-0.2345298108118473,0.832688153865194,0.8343717625061811,0.8496820814602892,0.8655043051540411,0.8665157471811605,0.875683004722696,0.9221094336196688,0.9235750097090776,0.9368480400683876,0.8967850157762982,0.8984130641723251,0.9131805904016128,-0.918434175802976,-0.9182713929396454,-0.916802965717202,-0.28828750920846685,-0.2877479480442349,-0.2829205309103535,-0.7071170916354382,-0.7069660106056967,-0.7054056584505148,-0.9918552916312952,-0.9920738620876908,-0.9939306262450688,-0.2467346361279657,-0.2469827398356982,-0.2479547312472329,0.8392856502418056,0.8391000625930571,0.8374640830023095,0.3842363851967005,0.3835278989573161,0.3772247688657817,0.010379510562129156,0.009719487744212224,0.004371733800767411,0.8190528655437389,0.8193668750694441,0.8214272802976011,1.2977810484315075,1.302887434281638,1.3473652733657986,1.1543764428985703,1.1577478155184138,1.1868207799064006,0.9871158078113952,0.9887910180894904,1.0028266272603228,0.0006244287027964907,-0.002908515058969683,-0.03548432575165464,0.8118359209228189,0.8156852937065578,0.8504693026711545,0.2243154488852553,0.2224188164843419,0.2049551058839592,0.061608174501951884,0.058474761063703425,0.02957036168314793,-1.1481345339282605,-1.1498278055004991,-1.1646122238069392,-0.9822794099258108,-0.982466793521508,-0.9840837868978226,-1.0738094990718623,-1.0747645123045215,-1.083100424167151,-1.1204234398731416,-1.121826201940114,-1.1340743602677927,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1098524761,-0.3291735709602073,-0.3074627482951145,-0.1900921117364524,0.7714828413581154,0.7642430385184864,0.7342561577402531,0.550396489951259,0.5541915448895036,0.5751172844561807,0.1278925643592111,0.15156891057503152,0.2644543563021119,0.10278540131715032,0.10106727860514897,0.08625212702767784,0.7145215452034015,0.7112166241133828,0.6820223885558997,0.2959798511695903,0.2936547604474186,0.2734232245687333,0.1643797672322415,0.16246646547706495,0.1459136788169192,-1.5799445625650848,-1.57900906744727,-1.570542275016496,-1.290518746060214,-1.2893789623672014,-1.2791370477038104,-1.5576777949975478,-1.5568164522216763,-1.5490490594424962,-1.5870667809788783,-1.5862043149945757,-1.5784098450049076,-0.9821790620430118,-0.9818853277712686,-0.9791190378227159,0.8157759813696592,0.815979983251006,0.8176087266172458,0.0873621886041495,0.08782107536658575,0.09180904363329362,-0.6346225055799749,-0.6341719008129262,-0.6300357195898333,1.6652776405760703,1.6699213088574443,1.7097897615652051,1.0733984394805478,1.0742226131514905,1.0800575896593287,1.433386213720237,1.4368840528285118,1.4666287811430962,1.6192739752819545,1.6240545520892242,1.6653086682202605,-1.3627836151964043,-1.3627773025245324,-1.3627051129763366,-1.527727894858204,-1.52761860067832,-1.5266396652352254,-1.4822223623889632,-1.4820562036737002,-1.4805853588614082,-1.4235857627681234,-1.4234643158901237,-1.4223889614801533,-0.7076534406050853,-0.7109158413342984,-0.7395915027500862,-1.9317590009324788,-1.9338226330696124,-1.9515811339388132,-1.4386045502578422,-1.4416827805411283,-1.468319286500192,-1.0161675850294285,-1.0195227954863957,-1.0488081343188285,2.46251804206609,2.456708574475688,2.40411766708383,2.9241741922512112,2.9226392154421097,2.9069221215259984,2.7299582244022917,2.7256716958458043,2.6857823705536528,2.5666115495365545,2.5612471183359173,2.512284031804109,-1.8913681418703767,-1.8925757548759587,-1.8999654091819955,-1.9716674036975763,-1.971032982692637,-1.965653522174184,-2.142798318205487,-2.1421359990251534,-2.13460527527338,-2.002955879388713,-2.003586274862424,-2.006214781556882,0.0644757389629031,0.062350935448229325,0.04337012647584597,0.8273941677059109,0.8244292735646128,0.7978171105155684,0.5218191670441636,0.5188368827207971,0.4922111333774728,0.2551078939843407,0.252536958771061,0.229614266781458,-0.6929643566500729,-0.6957479275002633,-0.7209499696472307,0.9375923902120638,0.9437667782310928,0.9993066111720422,-0.17297857367434896,-0.17272445698756805,-0.17042824059689396,-0.5304644010889408,-0.5323767018673685,-0.5497604508003436,0.21630405330779245,0.21668064770391746,0.2198234246580265,-2.050282654875196,-2.051494339563744,-2.062067913698965,-1.1375953085022177,-1.136125096078181,-1.1227996146236432,-0.2281280576465197,-0.2269454460937131,-0.2166459444098494,-1.7742842184673029,-1.775642460059211,-1.7877714658811492,1.9859937094828968,1.9864256346093772,1.990280853393408,0.836012566026647,0.8230542180284923,0.701597812076796,-1.6002820049467268,-1.602910298811728,-1.6261292471924704,1.3543991074190191,1.3580272625929586,1.3900962353094797,-0.6708889901046129,-0.6676398426919656,-0.6378061700236978,0.4801807111271541,0.4831201778911142,0.5102091179603087,1.0955419971855316,1.098627822520425,1.1262517390752358,-0.94005052348526,-0.9409408229327098,-0.9487778017984724,0.2199614534653092,0.2198739474308576,0.21893901318383596,-0.4243940485313437,-0.4260246328546293,-0.440659455006632,-0.7863385858037818,-0.7876619400842156,-0.7993728907690724,1.3580503440589309,1.3585806361080932,1.363203081012879,0.005573997513095281,0.007653600783533536,0.026338714091149792,1.2550657912313212,1.255046685630228,1.2547859928867675,1.3497587801031803,1.350135439764237,1.353369307515072,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,0.3366893772505213,0.33602971464557163,0.33018629956892065,0.6374899961729094,0.6355616739783742,0.6182032198414398,0.7746508020065745,0.7737232247699684,0.7651960674311155,0.499784341670636,0.4991526136099609,0.4935492584857604,-0.6909134501754776,-0.6932583483830705,-0.7136164382107244,-2.8348172398589355,-2.8343956513361466,-2.8305606623647583,-2.513819205940094,-2.5121453880420197,-2.497291811385879,-1.6404597025242509,-1.6397496859297729,-1.6335595545592605,2.2399760313129895,2.238032011469376,2.2199076627420684,1.1483611342996565,1.1476624252803032,1.1414269275673303,1.7187054160930075,1.7177970309254988,1.709247458790638,2.0728355321667324,2.0713861801413,2.057739680531384,0.4584999663066251,0.45882802722955895,0.4618542823470402,0.5190652059073507,0.5202236551510683,0.5308092609573989,0.7007134189159719,0.7023921992847048,0.7176538222727475,0.6653051459546054,0.6665681661787777,0.6781242092307549,0.4941499026736408,0.5064707080920187,0.6108339501904008,-0.2854719873886129,-0.2852594757695591,-0.28360740262177003,0.06846420629105163,0.07501698832861681,0.13194522776663262,0.32879151101340776,0.3391645522740345,0.4280551347905877,-0.7896411808333683,-0.7861625812994554,-0.7567010050919462,-1.3161842783065654,-1.3081256183229095,-1.2374819584993648,-1.1548477320485186,-1.1482402711263615,-1.0909192535382504,-0.9713143541133228,-0.96623895809481,-0.9226969734062432,0.02794601976896193,0.027286495425649943,0.021873759136529357,0.8841314692031481,0.880933609073277,0.8524959219340403,0.2687856299115028,0.2675587509942956,0.25730552757013314,0.0938037069575928,0.09296319701063208,0.08599952986421015,0.4452232239039836,0.4444496804085215,0.4376940381575406,0.2111071424390741,0.2111446714974006,0.21147684671038924,0.3341380980447823,0.3337433707918064,0.3303063726751717,0.4023354409924957,0.4017063536309808,0.3962185050094618,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1014891357,-0.3291735709602073,-0.3074627482951145,-0.1900921117364524,0.7714828413581154,0.7642430385184864,0.7342561577402531,0.550396489951259,0.5541915448895036,0.5751172844561807,0.1278925643592111,0.15156891057503152,0.2644543563021119,1.968027810073137,1.9687474737339448,1.9747685546993148,1.4948094576823552,1.4972030913812169,1.5180950587333686,1.8810230662424852,1.8820270908546617,1.8905248094084288,1.9457657477529535,1.9465504959368083,1.9531320364889397,-0.8684364746455518,-0.8678281714284746,-0.8623296807135042,-0.4765654295475437,-0.4761172588785004,-0.4721959991112227,-0.7555977625307104,-0.7550703112615377,-0.7503672532590074,-0.8373200312456606,-0.8367597107149054,-0.8317192346528713,2.3760825864785904,2.3770039653053687,2.3852969384288927,0.7979075938681103,0.7982592587800109,0.8018152075743492,1.9246435992949045,1.9251291431248343,1.9295808783396715,2.4173620889467067,2.4181792511653084,2.4254428128838645,0.7677910174243097,0.7676617303385889,0.7671194891856358,-0.98020372042395,-0.986354132837854,-1.0394841603899547,-0.31433884312210025,-0.31894513916744177,-0.35892197933923675,0.3084934417467479,0.3065400553890941,0.2900070952543622,-0.4981055590160797,-0.4981078559853568,-0.4981341179396858,-0.3779836777734105,-0.37819856820554537,-0.3800846911104811,-0.4333837441746451,-0.4335237492359435,-0.4347520982275155,-0.4717453749702216,-0.4718082982611197,-0.4723632561144944,-1.0252255592976067,-1.0245581819671612,-1.0176633864495512,-2.1182700835711383,-2.1171560957805973,-2.106461440354494,-1.7020519418703408,-1.701336584416718,-1.6938495897589594,-1.316824894039094,-1.3162379534942752,-1.3099238714385264,1.5459603203250176,1.5519899979098346,1.604239464031254,0.3666415881216765,0.3721985925964651,0.42207782801362703,1.1250520995541005,1.1318482236539622,1.1915131825065923,1.4071980870810628,1.413614404006555,1.4694559001094882,2.0526107591816567,2.0556142437258806,2.0799949332061605,1.4280738992331865,1.4269202289032543,1.416694885773311,2.0142398481175823,2.014195393371994,2.0129611022575733,2.06954236031875,2.0714996471915357,2.086921615668281,1.1505934643172346,1.1517465548737185,1.1621848060577722,1.7965612437999725,1.7967815209324802,1.798586001227621,1.6299151987341565,1.6303552407858404,1.6342922671220923,1.3757797251705777,1.3765741542160288,1.3837885782371064,0.7525411108263331,0.7531916145786326,0.7589716399044607,0.4193683990035626,0.4174104184539825,0.3994021537696108,0.6816274621682256,0.6818146648587093,0.6834271904177575,0.7340460092691551,0.7346054645405918,0.7395920138457016,0.969670353716052,0.9693921860413676,0.9668306783127044,-0.038869907588724134,-0.03819536122717461,-0.03209934948753878,0.6623729703445239,0.6634687145142181,0.672962267891763,0.91624587367246,0.9163290793002112,0.9168705075868004,0.21298299947886384,0.21324551195644295,0.21565652090997287,-0.5178590259772636,-0.5178733477732106,-0.5179611467097774,-0.7064105432705999,-0.7049394323156184,-0.6898447635220276,0.09082318565751828,0.0917118878403892,0.09965383477255103,-0.48386962716132204,-0.4912612022508967,-0.5585025516391663,-0.5655882510952889,-0.5675858222644267,-0.5864899889005697,-0.6371454981781048,-0.6424275397765509,-0.6903598654059734,-0.5567641704801674,-0.5636888942984942,-0.6264314863515686,0.7328081876316328,0.7341975027962373,0.7466000870206485,-0.16956886772204474,-0.16574908893872092,-0.13240333128274065,0.3319868770190076,0.3359462355632665,0.3707089415663376,0.6134159017736942,0.615917452797088,0.6379079689264313,1.3580503440589309,1.3585806361080932,1.363203081012879,0.005573997513095281,0.007653600783533536,0.026338714091149792,1.2550657912313212,1.255046685630228,1.2547859928867675,1.3497587801031803,1.350135439764237,1.353369307515072,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,0.3366893772505213,0.33602971464557163,0.33018629956892065,0.6374899961729094,0.6355616739783742,0.6182032198414398,0.7746508020065745,0.7737232247699684,0.7651960674311155,0.499784341670636,0.4991526136099609,0.4935492584857604,-0.15129835971216374,-0.1509175797603379,-0.14759030535567114,0.5652305363183783,0.5650874742172565,0.5637739548051064,0.3805328600237879,0.3799709883843071,0.3749948236695752,0.09272638740782847,0.0924711611657885,0.09024921571358313,-0.4286615584040489,-0.4273102020410324,-0.4150931435907511,0.11151268503175724,0.11296743864435525,0.12595875640378892,-0.115014090159093,-0.11361113929034307,-0.10100835691561566,-0.30133802253070024,-0.2999723418115738,-0.2876472327359004,0.4584999663066251,0.45882802722955895,0.4618542823470402,0.5190652059073507,0.5202236551510683,0.5308092609573989,0.7007134189159719,0.7023921992847048,0.7176538222727475,0.6653051459546054,0.6665681661787777,0.6781242092307549,0.6333308713683311,0.6254879744560212,0.5564284286749158,0.04437740899875598,0.044478692533019344,0.04550074596883704,0.3341204405929207,0.3307740712866761,0.3014003289854951,0.5241750482651798,0.518125149164843,0.4648591843970864,-0.4096068393661426,-0.4096245700929512,-0.409366407518668,-0.7218845055703009,-0.7243566948408977,-0.7455590301150182,-0.6242954779909816,-0.6258493557297168,-0.6389971242033562,-0.5156756837689458,-0.5163610263038018,-0.5218994041543368,1.7240767615348074,1.7272469734076814,1.7549214176787005,-0.3970909970906524,-0.3941830152121097,-0.3713817790881174,1.4393838948119904,1.4436910612619012,1.4809394684427466,1.6590356333954213,1.6626017128234216,1.693690586040464,0.4452232239039836,0.4444496804085215,0.4376940381575406,0.2111071424390741,0.2111446714974006,0.21147684671038924,0.3341380980447823,0.3337433707918064,0.3303063726751717,0.4023354409924957,0.4017063536309808,0.3962185050094618,-1.6546035707751943,-1.6536547797380443,-1.645227763608084,-1.153504878493864,-1.1523301469177154,-1.1417812430661851,-1.5617741929567457,-1.5614262419772014,-1.558470057330202,-1.7966404329365493,-1.7964086582115617,-1.7944463572387648,-1.5,-1.5,-1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.5000000000000002,1.5
+1012414718,-0.3291735709602073,-0.3074627482951145,-0.1900921117364524,0.7714828413581154,0.7642430385184864,0.7342561577402531,0.550396489951259,0.5541915448895036,0.5751172844561807,0.1278925643592111,0.15156891057503152,0.2644543563021119,-0.7996688273720899,-0.7972848719540423,-0.7764571019717273,-0.7814200752126486,-0.7788204203440676,-0.7559840372904221,-0.8183866909523279,-0.8157455219629294,-0.7926444731686033,-0.8077836554913926,-0.8053015594375458,-0.783609101526797,0.7800085966277246,0.7805573242813579,0.7855633553707805,-1.5806504838172777,-1.5833069897140042,-1.6071573615210182,-0.18941031942288813,-0.1907834922117227,-0.2031367026171576,0.4497769221639027,0.4496392977784284,0.4484483546392168,-0.8396672561750129,-0.8404660718175702,-0.8475235753200444,-0.31676832023897483,-0.3171578138142792,-0.3206672650435637,-0.7069583812318111,-0.7075957162496604,-0.7131749870111563,-0.8653312483746223,-0.8661371867571322,-0.8731917614952268,-0.21498533310147644,-0.21497970691666327,-0.2141692471368392,-0.6619551072174469,-0.6635040484206032,-0.6764795845233686,-0.5310636478482333,-0.532529779083344,-0.5448243385821921,-0.3644837779734823,-0.3652139638994485,-0.3709319166502202,1.660351863386932,1.6603595199511898,1.660447059798953,1.2599455925780343,1.260661894018485,1.2669489703682704,1.4446124805821503,1.4450791641198115,1.4491736607583854,1.5724845832340717,1.5726943275370655,1.5745441870483143,1.1919109926112732,1.1912328790596771,1.18461514705734,0.8737882788937823,0.872855920550898,0.864532523617021,1.0863724209495258,1.085383992656731,1.0762633675217128,1.1681070935998372,1.167288555309849,1.1594934479150385,-1.004289624663514,-1.0031903093116332,-0.9927266361793736,-0.8001603172522591,-0.8007328884836599,-0.8052816619766706,-0.95609046176201,-0.955826323917062,-0.9526712154481,-0.9922241245656434,-0.9914205873390198,-0.9835172755381079,0.8604641658410008,0.8485092626795756,0.7452822207856592,-1.8473146532704805,-1.849083171398676,-1.864036962077612,-0.22530403338854454,-0.2357339465453256,-0.3235970547837215,0.5095441953563375,0.4975442918300833,0.39489239677788057,-0.5868826125359334,-0.5866024759112408,-0.5838287961829189,-0.4219778585270867,-0.4229041079673083,-0.4311406314847328,-0.5385087760603867,-0.5389019460660708,-0.5422137589093187,-0.5806394247904901,-0.5806097973311242,-0.580094211040921,0.5235219555723923,0.5255536404113909,0.5439983339793474,-0.8465191910189136,-0.8507656782621518,-0.8885173646109972,0.08321820910674066,0.0830684927537555,0.08189796027017668,0.3855709177427578,0.3869839789275092,0.3999232393159241,0.969670353716052,0.9693921860413676,0.9668306783127044,-0.038869907588724134,-0.03819536122717461,-0.03209934948753878,0.6623729703445239,0.6634687145142181,0.672962267891763,0.91624587367246,0.9163290793002112,0.9168705075868004,-1.1701937431559164,-1.1680442723907218,-1.148743441824937,1.9693714557124828,1.9684216638287448,1.959762187754024,1.9817058893889188,1.9773136825224036,1.9337996350612991,-0.8164240890444694,-0.8156388509960395,-0.8084102631465666,-1.333255406838188,-1.3312092193670335,-1.3118274845867608,-1.1850218860455932,-1.1858554723065364,-1.1925912918054111,-1.5396957134711682,-1.5372786288582971,-1.5150034728312052,-1.4574259845403883,-1.4551025735866514,-1.4332040780332542,1.0311308431749189,1.0295459538481777,1.0151487465127993,0.9988013305095274,1.0000139250789104,1.0103344370442184,1.2187586592605997,1.2188457076224692,1.2189263569364164,1.1447911340044377,1.1435770085079235,1.13227837177635,-1.7783904143951137,-1.7798993638869092,-1.7932661780737167,-2.0615948549274252,-2.062701103072826,-2.072122048547492,-2.408209448319163,-2.408332455712113,-2.4090821071871873,-1.9733809626227599,-1.97467682876226,-1.9860414639928092,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,-0.8178121447465435,-0.8181699563275524,-0.8215399085803514,0.9402638135540792,0.9433113876347168,0.9702655115159948,0.057316464564734874,0.060854092664338576,0.0930736848972554,-0.6115584546779262,-0.6109939750179646,-0.6059085825967064,-0.15129835971216374,-0.1509175797603379,-0.14759030535567114,0.5652305363183783,0.5650874742172565,0.5637739548051064,0.3805328600237879,0.3799709883843071,0.3749948236695752,0.09272638740782847,0.0924711611657885,0.09024921571358313,0.832688153865194,0.8343717625061811,0.8496820814602892,0.8655043051540411,0.8665157471811605,0.875683004722696,0.9221094336196688,0.9235750097090776,0.9368480400683876,0.8967850157762982,0.8984130641723251,0.9131805904016128,-1.1699338184311985,-1.1702203952961867,-1.172829115126523,0.21086601161356586,0.2121042222949738,0.22280186465451066,-0.3649379251415937,-0.3641110112404829,-0.3568043647591759,-1.001257897379809,-1.0015619054673686,-1.0043185598040556,0.6333308713683311,0.6254879744560212,0.5564284286749158,0.04437740899875598,0.044478692533019344,0.04550074596883704,0.3341204405929207,0.3307740712866761,0.3014003289854951,0.5241750482651798,0.518125149164843,0.4648591843970864,-2.5492117611612297,-2.5501594738486544,-2.5583594745723386,-1.651600078332378,-1.6509149729666717,-1.6437835439122253,-2.05303140028814,-2.053664154733186,-2.058640013770435,-2.3507368233230035,-2.3517960533394238,-2.3608196837955533,-1.4676799194127048,-1.4678799923794732,-1.4698513631208645,-0.09496369415376796,-0.09111774669694273,-0.056220580380029486,-1.3446670630327096,-1.3444593860132217,-1.3427201178153043,-1.4448445271548864,-1.4449774802725994,-1.4463715803659498,-1.4337021466075148,-1.4328938280619226,-1.4257772131571071,-1.4768646461211283,-1.4767998661481772,-1.4762424363770728,-1.4621388500520132,-1.4616694792052234,-1.4575568550518891,-1.4464727661142516,-1.4457925964912337,-1.4398147644312278,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1015803719,1.4986824861369266,1.4628176032595872,1.259908048755454,-0.9865499228951938,-0.9632971012741922,-0.8692689051691764,-0.3493519113726328,-0.3593443361337811,-0.4149074988488424,0.6402969817910726,0.5901931499528944,0.34339730423349274,0.43174490068732896,0.4332615800889503,0.4465438294753248,0.7893353015274907,0.7908213759574261,0.8036774896119684,0.5560113194907559,0.5574728828685825,0.5702018108264322,0.4723577276807,0.4738576303104061,0.4869695317643378,0.6294784048333515,0.6297252965753598,0.6319388005322525,0.5243558044857785,0.524896823978332,0.5298606397380392,0.625010546623617,0.6254929564396992,0.6298950022845982,0.6338494768427818,0.6342032863410154,0.6374077006911193,0.2716402678919177,0.27304693756449794,0.2855696582146263,-0.4489158949998315,-0.4474246747790817,-0.43406844111412396,-0.1962611019766947,-0.19437888355275784,-0.17754225910382135,0.10444606014824724,0.1061564388418286,0.1214003062564355,-0.6083018523593702,-0.6109031836959955,-0.6342845574414036,1.0039572954324767,1.0072412338181809,1.035658281431994,0.3993582204907928,0.4009210888413369,0.41432278269324746,-0.17688686275694468,-0.177855854046261,-0.18694514919595812,0.3665724971642448,0.3665615905538187,0.36643687709696493,0.7717605393113834,0.7712214642672294,0.7664702830142633,0.6154548740396731,0.6150087052018128,0.6110811624063771,0.4800950128276805,0.4798477193678843,0.4776624492511643,-0.983930319828748,-0.9827733640833064,-0.972247461645668,-0.3955155072370515,-0.393729230068281,-0.3780188213848488,-0.7138180739634677,-0.712048686774825,-0.696313861738552,-0.889884668810596,-0.8884302559442335,-0.8753355721734942,-0.8720606348956237,-0.8716289445305502,-0.8672592327755027,-0.6670803125627035,-0.6666314862693654,-0.6620646829097533,-0.8190948893986458,-0.8188321412926652,-0.8158647963419772,-0.8577314768219212,-0.857368746004724,-0.8535627304589994,0.5624861043617964,0.5634977257075168,0.5713371631419931,0.7982658822486749,0.7978060402815038,0.7936868971773728,0.7299292180270197,0.7301340001373423,0.7311519941454072,0.6266876631009175,0.6274837439866912,0.6334311463960943,0.3429536867519327,0.3402039213067365,0.3152950155949032,0.3285072628396689,0.32653670173648824,0.308835513168391,0.3632111519087376,0.3606629068196479,0.33767208892930106,0.3593716035368207,0.35662420336387296,0.3317891333150029,0.7525411108263331,0.7531916145786326,0.7589716399044607,0.4193683990035626,0.4174104184539825,0.3994021537696108,0.6816274621682256,0.6818146648587093,0.6834271904177575,0.7340460092691551,0.7346054645405918,0.7395920138457016,0.969670353716052,0.9693921860413676,0.9668306783127044,-0.038869907588724134,-0.03819536122717461,-0.03209934948753878,0.6623729703445239,0.6634687145142181,0.672962267891763,0.91624587367246,0.9163290793002112,0.9168705075868004,0.21298299947886384,0.21324551195644295,0.21565652090997287,-0.5178590259772636,-0.5178733477732106,-0.5179611467097774,-0.7064105432705999,-0.7049394323156184,-0.6898447635220276,0.09082318565751828,0.0917118878403892,0.09965383477255103,0.5419125650441617,0.5448800764082802,0.5713233521261294,2.0059786054349016,2.00576072525384,2.0036231862090843,1.5071646736822717,1.5080033679109217,1.5146412216152378,0.9054226664173328,0.9080170476816448,0.9305162214304474,1.5622351192522586,1.5644911035826634,1.5848789238518144,-0.08577465464976859,-0.08869914886828821,-0.11365097889012606,0.8752232066024537,0.8763388787420636,0.8874800458309687,1.3704683199207648,1.372517314743989,1.3914062244607253,-0.437987585410094,-0.43672095545294337,-0.4254828145888704,0.1677756211685472,0.16567157115641218,0.1468348263611563,-0.3416528443364061,-0.3408552105228458,-0.3339252229483233,-0.4183215447784222,-0.4171459927988156,-0.4067584664039283,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,-0.23740673480448302,-0.2363331285687647,-0.22644646189467166,-0.30535473339885866,-0.3082908765806178,-0.334838927704818,-0.4339147410070479,-0.4358701053704856,-0.4538227038948489,-0.3175153630616113,-0.31740427218450656,-0.3163776985211238,-0.15129835971216374,-0.1509175797603379,-0.14759030535567114,0.5652305363183783,0.5650874742172565,0.5637739548051064,0.3805328600237879,0.3799709883843071,0.3749948236695752,0.09272638740782847,0.0924711611657885,0.09024921571358313,-0.0030875157241921033,-0.0063260427371001505,-0.03518883814324526,1.073326157979836,1.070809452585703,1.0479865835610234,0.6916654375089467,0.6884606722214475,0.6595578739145272,0.3064939971002121,0.30307607498217026,0.2724596993940592,0.3219610658080884,0.3211706203021249,0.3141594196140824,1.443402648647765,1.4427590885623698,1.4367032872749452,1.4920414849170636,1.492052053009122,1.491801204765412,0.956533612058526,0.9561519230026366,0.952753570934727,0.9341826564217892,0.9427060652378784,1.0130255301514757,-0.6829261080101378,-0.682570160799578,-0.6795890711385062,0.04340623398916178,0.048640074493296916,0.09403300782648934,0.5856892798649331,0.5933673829843499,0.6582988600887472,0.6949886453991789,0.6956492423770371,0.7015149517564869,0.12508849270193295,0.12410460152987067,0.11518036101879033,0.3499934027324936,0.3499222005310123,0.34920049933239783,0.5426049956018009,0.54306411664763,0.5471129698946648,0.6234531640709715,0.6228333462351262,0.6172688478749586,1.8909836334723118,1.890160002245081,1.8810711474441648,1.0812648063561536,1.0812601441943828,1.0814804741252315,0.7527992954836703,0.7523137472361778,0.7480282360059438,1.0523411671934229,1.0529976107922403,1.0586947945225156,1.1523662661795566,1.1523798341990694,1.1524928685591391,1.1063242508330835,1.1066614699698587,1.109590459092891,1.0746517710223102,1.0751822264921975,1.0797874997601766,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,-1.5,-1.5,-1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.5000000000000002,1.5
+1001144012,1.4986824861369266,1.4628176032595872,1.259908048755454,-0.9865499228951938,-0.9632971012741922,-0.8692689051691764,-0.3493519113726328,-0.3593443361337811,-0.4149074988488424,0.6402969817910726,0.5901931499528944,0.34339730423349274,1.803548060388048,1.8026503229920448,1.7946227034754916,1.4574025795203105,1.457400715459195,1.4572675082053343,1.7510073320819026,1.7501180296440797,1.7421355162795793,1.7917767675287246,1.7908549135201384,1.7826041100152306,0.8998637926723941,0.9005677187714849,0.9068952692374151,1.1629053227473334,1.1626760398814844,1.1604172840171654,1.0720953377835147,1.0727005278074069,1.078061065650859,0.9683118425844206,0.9690295741506498,0.975458948365002,-0.32877542676422866,-0.32895779976817,-0.33069915744147066,0.15537100112911886,0.1549515938611517,0.15101181917575107,-0.06147175187232869,-0.06185061831545805,-0.06544244163420004,-0.24989625773456306,-0.2501626976201448,-0.2526873729381389,-1.4479129439806695,-1.4469633920182592,-1.4384881832789118,-1.1508342919858572,-1.1473417894795075,-1.116399433667761,-1.390111505369129,-1.3883335172358229,-1.3725138193096753,-1.4725218466550347,-1.471595956511862,-1.4633724852279557,0.3665724971642448,0.3665615905538187,0.36643687709696493,0.7717605393113834,0.7712214642672294,0.7664702830142633,0.6154548740396731,0.6150087052018128,0.6110811624063771,0.4800950128276805,0.4798477193678843,0.4776624492511643,-1.1009576336417228,-1.0999377978215854,-1.0903829563209018,-0.14154041582434987,-0.14079258873980416,-0.13443123050610256,-0.6296499858791962,-0.6284326889711884,-0.6176107010896693,-0.9269905405235608,-0.9258156639442148,-0.9150689372938472,0.4691788324825872,0.471741891470725,0.4939575190317466,-0.017139357530958185,-0.01311504462215594,0.023223551618853904,0.28997417744109144,0.293502223805045,0.3246306121884303,0.4092259528732927,0.4121746703352112,0.4379011299043523,-0.7454009701363172,-0.7528611035137103,-0.8168654338684146,-0.9060436212839328,-0.9075804712146578,-0.9211675291714956,-0.9009045044560076,-0.9061953561197664,-0.9512551080415336,-0.8082596816656219,-0.8151322555626793,-0.8738627828581348,-0.061455329080781836,-0.06074353266045283,-0.05456427654811807,0.8594357423337659,0.8616933066708007,0.8818946780160394,0.4788848142653643,0.4803654857858817,0.4935568356633297,0.16054494462736835,0.1615477485848026,0.17040013004630825,0.3217193168299168,0.3195362942944881,0.2996534670437605,1.2583792027060594,1.261198858760041,1.2863837133528389,0.6620512140716232,0.6620247707420933,0.6617729274130393,0.4323950240738458,0.4308834786652777,0.4170783555033237,0.969670353716052,0.9693921860413676,0.9668306783127044,-0.038869907588724134,-0.03819536122717461,-0.03209934948753878,0.6623729703445239,0.6634687145142181,0.672962267891763,0.91624587367246,0.9163290793002112,0.9168705075868004,-1.8637326620988148,-1.8671967602772963,-1.8978846043285909,1.4767034791806533,1.477549763024759,1.4851788173113347,-0.44344135313142136,-0.46099014896939794,-0.6222886292817885,-1.9017993870945995,-1.9061431034818896,-1.944277146170284,-0.39567142089701296,-0.3931645714793767,-0.3702520662303157,0.4104783596946546,0.4099526264736517,0.4055159472018368,-0.01626551989444825,-0.014637630473687576,-0.0001811256079834038,-0.2760016590615276,-0.27354276295250296,-0.25134392830140323,1.0311308431749189,1.0295459538481777,1.0151487465127993,0.9988013305095274,1.0000139250789104,1.0103344370442184,1.2187586592605997,1.2188457076224692,1.2189263569364164,1.1447911340044377,1.1435770085079235,1.13227837177635,0.3124210686034802,0.3126733079955413,0.3149763080495869,0.4914214125949426,0.4923316681885922,0.5004168609052188,0.4711758917125466,0.471452096782377,0.4739374319712312,0.3596274497900158,0.3599239353101907,0.3626137784075221,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,-1.8072758131834716,-1.80630070866258,-1.7975413023902846,-1.2793786842419332,-1.2761655204678868,-1.2471484166279136,-2.488938227218197,-2.488051679996081,-2.479306370721716,-2.1641222285236243,-2.163858004543607,-2.1615324346754647,-0.15129835971216374,-0.1509175797603379,-0.14759030535567114,0.5652305363183783,0.5650874742172565,0.5637739548051064,0.3805328600237879,0.3799709883843071,0.3749948236695752,0.09272638740782847,0.0924711611657885,0.09024921571358313,-1.264437227993435,-1.2680080072843138,-1.2999640631942848,0.31933453785755217,0.3172611440488979,0.2982623352421161,-0.3454580862698149,-0.3487254767779733,-0.3782985230694761,-0.8916290412067862,-0.8953093310017284,-0.928368123743454,0.3219610658080884,0.3211706203021249,0.3141594196140824,1.443402648647765,1.4427590885623698,1.4367032872749452,1.4920414849170636,1.492052053009122,1.491801204765412,0.956533612058526,0.9561519230026366,0.952753570934727,0.19329811762018256,0.18925261731016144,0.15423684871384144,0.4418315296202808,0.4417893775630383,0.4414824144855733,0.3591784128948105,0.35715098512199606,0.3393125489256384,0.2672772794136545,0.2639223184545276,0.2346154590989269,0.6949886453991789,0.6956492423770371,0.7015149517564869,0.12508849270193295,0.12410460152987067,0.11518036101879033,0.3499934027324936,0.3499222005310123,0.34920049933239783,0.5426049956018009,0.54306411664763,0.5471129698946648,-0.01724932580112989,-0.0160535417975487,-0.004695044700028896,-1.2667580103474976,-1.2704642928271226,-1.302305766842225,-0.3646340023052295,-0.36492718367203225,-0.3671399218262076,-0.11207371261260912,-0.11124337042129163,-0.10319800126026353,1.0523411671934229,1.0529976107922403,1.0586947945225156,1.1523662661795566,1.1523798341990694,1.1524928685591391,1.1063242508330835,1.1066614699698587,1.109590459092891,1.0746517710223102,1.0751822264921975,1.0797874997601766,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,-1.5,-1.5,-1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.5000000000000002,1.5
+1037421283,-0.7306108205631092,-0.7454045239043189,-0.8163597880370651,-0.8135767069404097,-0.8199366552689429,-0.843995462891415,-0.9349065651803052,-0.933769268608394,-0.9270328315489124,-0.938712965295898,-0.9438539412946346,-0.9604574689384214,-0.9641485770571792,-0.963382022695943,-0.9566029531955508,-0.8188269533746931,-0.8186227962660891,-0.8168115878184563,-0.9484024251129106,-0.9476545831735114,-0.9410337662974528,-0.961772635715622,-0.9609971418542164,-0.9541370280005064,-0.7725978660439426,-0.773523795768173,-0.7818733164606124,-0.31272575056596524,-0.31290466307553494,-0.3145427807409744,-0.6241355566043224,-0.6248102988177759,-0.6309162169846692,-0.7281740216177276,-0.7290414705510859,-0.7368768342885185,-1.0351670026656488,-1.032808118441699,-1.0112701025478643,0.8718940654812495,0.8746321040006269,0.8991253737688653,0.10140677897626177,0.10496450381132973,0.13696071143116592,-0.6650064355425767,-0.6618619675437342,-0.6332963870469533,1.6074021090456092,1.6037219386608523,1.5713231150231444,1.1745878669943841,1.1682288904598348,1.1125735547098008,1.4751308827378216,1.4703094669097183,1.427914622663686,1.6041284256448376,1.6002801578546957,1.5664344312863596,0.3665724971642448,0.3665615905538187,0.36643687709696493,0.7717605393113834,0.7712214642672294,0.7664702830142633,0.6154548740396731,0.6150087052018128,0.6110811624063771,0.4800950128276805,0.4798477193678843,0.4776624492511643,-0.3487860824437054,-0.3554886828175807,-0.4161036942467377,-0.02249334195973237,-0.027062304646310962,-0.06825820855348651,-0.18692329073847014,-0.19274107902364587,-0.2452532552210171,-0.2885700507912657,-0.29499993992847434,-0.3531040979340988,-0.8720606348956237,-0.8716289445305502,-0.8672592327755027,-0.6670803125627035,-0.6666314862693654,-0.6620646829097533,-0.8190948893986458,-0.8188321412926652,-0.8158647963419772,-0.8577314768219212,-0.857368746004724,-0.8535627304589994,-0.9276385504580642,-0.9286187923108472,-0.9373206069221741,0.16845786526416318,0.16869185165975287,0.1706789085814348,-0.5543814120635432,-0.5539273930973092,-0.5506571139667584,-0.8161670341169148,-0.8165321592181536,-0.8200593228760921,0.9106969546650192,0.9096112605681432,0.899475430231133,-1.1431933305993989,-1.14278908892277,-1.139189921507376,-0.2294388451014447,-0.2293467363011595,-0.2289349045465512,0.4605812162195166,0.4600150536463684,0.4544653808327929,-1.505845391387587,-1.5050148031781119,-1.497208539402635,-1.4880928160069051,-1.4856298393200478,-1.4626715689725909,-1.5868413663852037,-1.5864299627055674,-1.5825043757496895,-1.5401479325828151,-1.5395363821377834,-1.5337543732914105,-0.5783813118541845,-0.5805256340093522,-0.5994551142002905,2.0179570344749425,2.0147398893495967,1.985173189063316,0.8607744451758167,0.8549823098241967,0.8029872583362213,-0.12392335164262468,-0.1277808220010462,-0.16188493527801756,0.5150282371345569,0.5170446057906873,0.5351705329380787,-0.5261701528624708,-0.5268753331635271,-0.5332204795294696,-0.13356388158946406,-0.1278097000686627,-0.07374385202977607,0.4827521436086468,0.4853476117482335,0.508513326795503,-0.1971210120589533,-0.2009626354866042,-0.2354382349885856,-0.5377510431509149,-0.5381645874934347,-0.5422751483175755,-0.4372632495715584,-0.43965700788703976,-0.4609484910224912,-0.2899335487501479,-0.29346749591537125,-0.3249671429305833,0.8459721975428754,0.8469300483596134,0.8549689656761144,-1.0987066638725551,-1.097992085209808,-1.0916011201340388,-0.1652168048825542,-0.1626486353437291,-0.13998960255913367,0.5026132125034061,0.5045522448982599,0.5213057228796375,0.3124210686034802,0.3126733079955413,0.3149763080495869,0.4914214125949426,0.4923316681885922,0.5004168609052188,0.4711758917125466,0.471452096782377,0.4739374319712312,0.3596274497900158,0.3599239353101907,0.3626137784075221,-0.1622214211307623,-0.1622214211307628,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,-0.8178121447465435,-0.8181699563275524,-0.8215399085803514,0.9402638135540792,0.9433113876347168,0.9702655115159948,0.057316464564734874,0.060854092664338576,0.0930736848972554,-0.6115584546779262,-0.6109939750179646,-0.6059085825967064,1.0794627385966449,1.0799959241466397,1.084605813826406,0.7573707956652457,0.7579676456835986,0.7632620546499813,1.0452581739768585,1.0457790046901565,1.0503175293820564,1.163821838368612,1.1638908489176365,1.1644999329355656,-0.4286615584040489,-0.4273102020410324,-0.4150931435907511,0.11151268503175724,0.11296743864435525,0.12595875640378892,-0.115014090159093,-0.11361113929034307,-0.10100835691561566,-0.30133802253070024,-0.2999723418115738,-0.2876472327359004,-0.80347343367329,-0.8039797975105383,-0.8084716790408386,0.13689641270991454,0.13493531502785805,0.11725109984232865,-0.2579681921281912,-0.2601611562464934,-0.2798595696491893,-0.6912242197788608,-0.6930020618841541,-0.7089133309821095,-0.2467346361279657,-0.2469827398356982,-0.2479547312472329,0.8392856502418056,0.8391000625930571,0.8374640830023095,0.3842363851967005,0.3835278989573161,0.3772247688657817,0.010379510562129156,0.009719487744212224,0.004371733800767411,-0.4096068393661426,-0.4096245700929512,-0.409366407518668,-0.7218845055703009,-0.7243566948408977,-0.7455590301150182,-0.6242954779909816,-0.6258493557297168,-0.6389971242033562,-0.5156756837689458,-0.5163610263038018,-0.5218994041543368,2.046562166616381,2.044464786332431,2.0250670814076104,0.6468937689982528,0.6455651407481822,0.6329593417190833,2.016827686057386,2.0156524120256183,2.0047102484281543,2.0533745775703065,2.051559421140557,2.0347726469305685,0.4452232239039836,0.4444496804085215,0.4376940381575406,0.2111071424390741,0.2111446714974006,0.21147684671038924,0.3341380980447823,0.3337433707918064,0.3303063726751717,0.4023354409924957,0.4017063536309808,0.3962185050094618,-1.4177909405855162,-1.4189701807004127,-1.429748527922705,0.6038206915794738,0.6051450200213147,0.6170128199429785,-0.014304479800306637,-0.014043076403162916,-0.011952885888606721,-0.8335998793457629,-0.8348022753422791,-0.8460106717675387,-1.5,-1.5,-1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.4999999999999998,1.5000000000000002,1.5,1.4999999999999998,1.5000000000000002,1.5
+1009666565,-0.7306108205631092,-0.7454045239043189,-0.8163597880370651,-0.8135767069404097,-0.8199366552689429,-0.843995462891415,-0.9349065651803052,-0.933769268608394,-0.9270328315489124,-0.938712965295898,-0.9438539412946346,-0.9604574689384214,0.7366140820137183,0.7382010216909529,0.7517676232522629,-0.07594591905778407,-0.07243870492027682,-0.041566468169021605,0.5066250557994015,0.5088086860231495,0.5276785254133936,0.6656243645808608,0.6673913061888566,0.6825534031978049,-1.1388218624845947,-1.1386705936246002,-1.1372861494186672,-1.1151149478090987,-1.113896474781653,-1.1027526433903492,-1.2026825536906085,-1.2022778826292457,-1.198533316625268,-1.1717823969872994,-1.17158599852454,-1.1697704823267543,-0.32877542676422866,-0.32895779976817,-0.33069915744147066,0.15537100112911886,0.1549515938611517,0.15101181917575107,-0.06147175187232869,-0.06185061831545805,-0.06544244163420004,-0.24989625773456306,-0.2501626976201448,-0.2526873729381389,-1.3228373138039662,-1.3222922680950873,-1.3169730833691131,-0.7472703929984005,-0.7439978767414301,-0.7149372211622719,-1.0689499789717476,-1.0672239681175348,-1.0516202585674113,-1.2549914221743736,-1.2542819698499268,-1.2476217068913793,-1.3627836151964043,-1.3627773025245324,-1.3627051129763366,-1.527727894858204,-1.52761860067832,-1.5266396652352254,-1.4822223623889632,-1.4820562036737002,-1.4805853588614082,-1.4235857627681234,-1.4234643158901237,-1.4223889614801533,0.7573115601057769,0.7604261046885353,0.7884077686826411,0.9412522876678244,0.94245909916839,0.953239808080086,0.9070931174212986,0.909346186584778,0.929436224911828,0.8303439128772072,0.8331879893019882,0.8586443456749879,-0.7398316451277333,-0.7400675797494671,-0.7417918293716317,-0.5340003078731481,-0.5325300840550712,-0.5188477038428361,-0.6820993170352816,-0.6818379586682687,-0.6790583772358543,-0.7232388290781991,-0.7233169046704281,-0.7236081853798912,0.5624861043617964,0.5634977257075168,0.5713371631419931,0.7982658822486749,0.7978060402815038,0.7936868971773728,0.7299292180270197,0.7301340001373423,0.7311519941454072,0.6266876631009175,0.6274837439866912,0.6334311463960943,-0.0506679567457546,-0.0470421651160602,-0.014233640150002615,0.3855089586271819,0.3881526596677913,0.4118324380346271,0.2034508475260344,0.20670379446737305,0.2360279310838209,0.053227138205104496,0.05676410968167408,0.08872664449700876,0.7525411108263331,0.7531916145786326,0.7589716399044607,0.4193683990035626,0.4174104184539825,0.3994021537696108,0.6816274621682256,0.6818146648587093,0.6834271904177575,0.7340460092691551,0.7346054645405918,0.7395920138457016,0.33047476814485405,0.333090189189678,0.35648698148964275,0.12101387231455445,0.1250968548625201,0.16232616361807373,0.31027196552143604,0.3148734687984019,0.3562698062086731,0.3407102743805792,0.3440694202944441,0.3740980416145144,0.5150282371345569,0.5170446057906873,0.5351705329380787,-0.5261701528624708,-0.5268753331635271,-0.5332204795294696,-0.13356388158946406,-0.1278097000686627,-0.07374385202977607,0.4827521436086468,0.4853476117482335,0.508513326795503,2.4905335021982533,2.4882738464733882,2.4664854849076545,-0.023618147209935002,-0.01994895787886421,0.012509973464137248,1.5826131750267638,1.5807417988623709,1.5642640997690225,2.263034432975772,2.2602629001917043,2.2344886741779058,-0.223787601775877,-0.22337976770965987,-0.21886784362277226,1.2328934626880956,1.2291668837723777,1.196889154427749,0.6160459629536643,0.6129628812311634,0.5868101933834704,0.08151652161357711,0.08030312976151348,0.07072761081201538,-0.592926430254933,-0.5952327909740769,-0.6157865402166817,-0.4549935332895598,-0.4556395764532195,-0.4615720816221847,-0.7164215298484968,-0.7182278839458449,-0.7342006847987674,-0.6346546060992069,-0.6368878744603609,-0.6567453219315796,-2.271099895830675,-2.2710998958306754,-2.271099895830676,2.271099895830676,2.271099895830675,2.2710998958306754,-2.271099895830675,-2.271099895830676,-2.2710998958306763,-2.2710998958306754,-2.271099895830676,-2.2710998958306754,2.3109739545792247,2.311647920824362,2.3176086472858457,-1.57206465982203,-1.5735603076398148,-1.5863384363972677,0.6832938958581818,0.6803975317598955,0.653617026745468,1.9907567378947295,1.9911695691379048,1.9947110116166853,-1.3820594580209715,-1.381831083667315,-1.3797864245377478,0.3730902769715108,0.3722073027509144,0.3642858549602313,-0.28419245392928244,-0.28583702792154203,-0.30032788204290595,-0.9783690635529546,-0.9789485265860592,-0.9840015015083992,-0.7220437531756738,-0.7216781918312511,-0.7184085914135101,-1.4033753038168113,-1.4036889796102556,-1.4063682727930602,-1.221124197237634,-1.2211337120583472,-1.2210563921137827,-0.9655166814980422,-0.9652404122971208,-0.9626777185610028,0.5734607084363107,0.5731196226586661,0.5701855690234037,0.944249127825732,0.9429069182231612,0.9309808917100809,1.1498623184232188,1.149197053643908,1.143199911074073,0.9659362178070398,0.9656399663823144,0.963141504493714,-3.222132766602567,-3.2226856800675088,-3.220633488995776,-3.1200678044166885,-3.1203259707586666,-3.1225195225048488,-3.4379983349264487,-3.4394098310838146,-3.4496486236306434,-3.3918700477631134,-3.392794522912852,-3.395704536262105,-0.7023013632796349,-0.7039797495404198,-0.7183701368729671,-0.08399069455589475,-0.08633856666951305,-0.10671299301933918,-0.3263219521741584,-0.3288113626437705,-0.3503825137993575,-0.5354964690946951,-0.5377193730167721,-0.556902338096097,-0.917368120680787,-0.9156731787931952,-0.9010250782189934,-1.23900100943525,-1.233289255425538,-1.1824470436461707,-1.1656075188047912,-1.1632439274794624,-1.1429906206565466,-0.9917263581990109,-0.9898334974789776,-0.9735404053486898,-1.4337021466075148,-1.4328938280619226,-1.4257772131571071,-1.4768646461211283,-1.4767998661481772,-1.4762424363770728,-1.4621388500520132,-1.4616694792052234,-1.4575568550518891,-1.4464727661142516,-1.4457925964912337,-1.4398147644312278,0.07097028268109709,0.07050737983019406,0.06640234091481828,0.36331419990680935,0.3631808982139801,0.36198625669272,0.3279447991705471,0.3277908097460925,0.3264199209065011,0.21619907253448573,0.2158255091656708,0.2124709847630336,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
+1057522215,-0.329173570960207,-0.307462748295114,-0.1900921117364523,0.7714828413581156,0.7642430385184864,0.7342561577402531,0.5503964899512589,0.5541915448895034,0.5751172844561807,0.12789256435921045,0.15156891057503152,0.2644543563021119,-1.1286283267422683,-1.1294791734378435,-1.1367488044193743,-0.8562338315367375,-0.8584251721881108,-0.8776391383464909,-1.0784181592734934,-1.0795636443840932,-1.089423059426302,-1.1157616159398511,-1.1166927242708868,-1.1246649544742156,-1.484105953963475,-1.4847046917869684,-1.490085910763604,-1.1266790670786353,-1.126166366564236,-1.121483829333562,-1.4262155890711596,-1.4265564397779142,-1.4295980231681578,-1.477920771350945,-1.4784860748307558,-1.483567444640555,0.5566638796279154,0.5558854494718951,0.5487605832199696,-2.7140044982171005,-2.7137002689096525,-2.7106204244357444,-1.7849022416486162,-1.78521246678525,-1.7875103203927214,-0.3569714254410475,-0.3577741330465834,-0.3649117775543517,-0.3400609632781801,-0.33965083083983505,-0.33568434704663835,-1.0655190062049036,-1.066847961158681,-1.0779417970288578,-0.8522251742456147,-0.8536393282016326,-0.8657178993244561,-0.5820142024541435,-0.5825279505613843,-0.5866826949867968,1.660351863386932,1.6603595199511898,1.660447059798953,1.2599455925780343,1.260661894018485,1.2669489703682704,1.4446124805821503,1.4450791641198113,1.4491736607583854,1.5724845832340717,1.5726943275370655,1.5745441870483143,-1.4185297523342448,-1.4135801384544484,-1.3684548400203669,-0.3280514984630094,-0.32412605145078915,-0.2893115369217837,-0.8930973774916949,-0.8880864928467779,-0.8431410043484368,-1.227647849533226,-1.2225308219520945,-1.176184674413545,0.2047208529468064,0.20861916190855914,0.2430227122240047,-0.28329936691006913,-0.28131784905074464,-0.2632104065149804,0.015983032714363018,0.01951385855625171,0.051017773976184726,0.14024065738584826,0.14407098766661927,0.17799203974613587,-0.5834810673722637,-0.576216925654732,-0.5117628121715875,-0.2673579001649681,-0.2656464711964753,-0.2507990958253153,-0.5119645957224597,-0.5058066427680444,-0.4521981730864396,-0.5680085346221732,-0.5609702753130538,-0.498920852302653,-1.7989314059339498,-1.7990925634454125,-1.8005778787888094,-1.359103359993293,-1.3579923222289874,-1.3478319546963142,-1.6895391605291787,-1.6888917010660291,-1.682949190368081,-1.7958742053336991,-1.7956362029623505,-1.793482659231719,0.7525411108263331,0.7531916145786326,0.7589716399044609,0.4193683990035625,0.4174104184539826,0.3994021537696109,0.6816274621682255,0.6818146648587095,0.6834271904177575,0.7340460092691551,0.7346054645405918,0.7395920138457016,0.2630596445378938,0.26376173260284275,0.27008738177292485,0.5552787178788321,0.5566845594618656,0.5694315417029812,0.5359228366408033,0.5370494904838047,0.5471222846613326,0.3684357676977485,0.36917177447201344,0.3757954138844529,1.985227915445179,1.9802766036165091,1.9349487877606035,-0.7464040299250391,-0.7445309753330359,-0.7277935396116936,2.2648778021078466,2.273687942518201,2.347191319365188,2.3253099363147456,2.3183780910026206,2.2553536674875057,-0.19712101205895324,-0.2009626354866042,-0.2354382349885856,-0.5377510431509149,-0.5381645874934347,-0.5422751483175755,-0.4372632495715583,-0.43965700788703976,-0.4609484910224912,-0.2899335487501479,-0.29346749591537125,-0.3249671429305833,-0.94005052348526,-0.9409408229327098,-0.9487778017984724,0.2199614534653092,0.2198739474308576,0.21893901318383605,-0.4243940485313437,-0.4260246328546293,-0.440659455006632,-0.7863385858037818,-0.7876619400842156,-0.7993728907690724,-1.6238986374625823,-1.6206295127084291,-1.5911735122491861,2.085885397216744,2.082998950608341,2.0569800625166983,-0.7218352218129118,-0.7183644074903258,-0.6874842280093977,-1.4043021495155288,-1.4007571919363566,-1.3689104242799264,-0.1622214211307623,-0.1622214211307626,-0.16222142113076266,0.16222142113076246,0.16222142113076218,0.16222142113076207,-0.16222142113076216,-0.16222142113076252,-0.16222142113076304,-0.16222142113076218,-0.162221421130763,-0.16222142113076238,-0.6527742911864066,-0.6521010376894562,-0.6458150942410125,-1.582152501623103,-1.5839152341242295,-1.5992107083024685,-1.7716038897763573,-1.775182547890451,-1.8071839881878549,-1.052779432175062,-1.0537114159156815,-1.0620745935929978,-0.3786575856358754,-0.3779381153478441,-0.371543544712394,0.1266869608931518,0.1260968825705015,0.12093701266354892,-0.058656288212445985,-0.059128291486724424,-0.06315025694113913,-0.2587302600233569,-0.25851032796310497,-0.25645832935511503,1.5363320925890915,1.5362018869877785,1.5347948721011786,1.0069327197268487,1.0070890862307318,1.0085549661450133,1.3204074248563382,1.3206860203172883,1.323047749429513,1.4848102739715152,1.4848996221568125,1.4854601354664982,-0.04022106989591018,-0.03915993523041302,-0.029822160528394794,-1.7871151614079634,-1.7847801755920187,-1.7636585514323455,-1.6756644835322567,-1.6741147492151016,-1.659969637442391,-0.8482764396019201,-0.8468244205747135,-0.8339819845190087,-0.2467346361279657,-0.2469827398356982,-0.2479547312472329,0.8392856502418056,0.8391000625930571,0.8374640830023092,0.3842363851967003,0.38352789895731604,0.3772247688657817,0.010379510562129223,0.009719487744212224,0.004371733800767374,0.6949886453991789,0.6956492423770371,0.7015149517564869,0.12508849270193295,0.12410460152987066,0.11518036101879038,0.3499934027324936,0.3499222005310123,0.3492004993323977,0.5426049956018008,0.54306411664763,0.5471129698946648,-0.017249325801129832,-0.016053541797548733,-0.004695044700029022,-1.2667580103474976,-1.2704642928271224,-1.302305766842225,-0.3646340023052295,-0.36492718367203225,-0.3671399218262076,-0.11207371261260912,-0.11124337042129168,-0.10319800126026353,0.4452232239039836,0.4444496804085215,0.4376940381575406,0.2111071424390741,0.21114467149740065,0.21147684671038924,0.3341380980447824,0.33374337079180644,0.3303063726751717,0.4023354409924957,0.4017063536309807,0.3962185050094618,2.8363169449290955,2.8369203602117774,2.8419113537533653,0.4311933279929716,0.4303264786346593,0.4224939822143332,1.3915701073644582,1.3923275520675154,1.399258077036991,2.394330694119025,2.3961686076356967,2.412618552318421,0.6666666666666666,0.6666666666666666,0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667,-0.6666666666666666,-0.6666666666666667,-0.6666666666666667
diff --git a/test-data/wgr/ridge-regression/X2.csv b/test-data/wgr/ridge-regression/X2.csv
new file mode 100644
index 000000000..1f93b4a41
--- /dev/null
+++ b/test-data/wgr/ridge-regression/X2.csv
@@ -0,0 +1,101 @@
+sample_id,all_block_1_alpha_0_label_sim100,all_block_1_alpha_1_label_sim100,all_block_1_alpha_2_label_sim100,all_block_2_alpha_0_label_sim100,all_block_2_alpha_1_label_sim100,all_block_2_alpha_2_label_sim100,all_block_3_alpha_0_label_sim100,all_block_3_alpha_1_label_sim100,all_block_3_alpha_2_label_sim100
+1017355338,1.0919195887143474,1.0556987274005916,0.922906137614024,0.8644996731389951,0.9018589756793208,0.8801464778607363,0.428741275627917,0.4475124370893046,0.4490347349958946
+1051628479,1.2361549041525646,1.1898112630540385,1.0711887976551169,0.1023238396113238,0.1661801195288852,0.1954945461921652,0.21880448375657527,0.25350050357832343,0.24955855341184816
+1017124323,0.9898405221972756,0.9032436597140306,0.8267835000853488,-0.8973237135117903,-0.8721362512884215,-0.8685797994772566,0.4703218970295594,0.4374912299909129,0.4362441181362383
+1015424102,0.6825865247465497,0.6994301368194732,0.5691453634106838,0.5875695504168224,0.5259710925191721,0.5383716526177864,1.5212335382977182,1.489701636831453,1.4915752365208557
+1095012035,-0.7554485316136103,-0.8716578425991276,-0.9766847914475424,-0.4876158127269397,-0.4545820852409005,-0.4461677831948372,0.38094740490213136,0.39488361198598776,0.3965459607539967
+1080889122,-0.12679472942802825,0.034850051119985286,0.15683868829155634,-1.84265820182507,-1.8533878260360648,-1.871526709335469,-1.7349644340479082,-1.7536264676651334,-1.7592238273129697
+1083305117,-0.2784011404665592,0.0007585587468196117,0.5915287121100335,-0.2320257535432713,-0.18109941104405405,-0.1890757406367379,-1.3838260690832056,-1.3620458951563434,-1.349252476982125
+1068195816,-1.4082813074889111,-1.3941875584595165,-1.4011874609597963,-1.03439707556326,-1.072926306510694,-1.0683394126044858,-0.7058151627747338,-0.7063435314043706,-0.6939898491408554
+1088015920,-0.8728104769367302,-0.8852034453936842,-0.978386442757676,-0.4979190149008609,-0.4952997509250229,-0.4836363350771027,1.1812740319443182,1.1504357698257597,1.16394915068701
+1100001958,-1.2340140876472234,-1.3804438462167559,-1.5571888818038588,0.9593545212616144,0.9131470197908448,0.883128354304688,-0.2854901018815537,-0.24464029528723485,-0.2477004052027908
+1095763790,1.806169458683776,1.756069951524893,1.5839638336023942,2.129064244535953,2.1325592861225746,2.1469555386001,0.3308075132040996,0.3491565362331582,0.3293352145951135
+1009789151,-0.5602948738687443,-0.3633935647247883,0.08716250406602373,0.7096463619398827,0.7048452028564574,0.6896680846804271,-1.4335506543113872,-1.4790903523636294,-1.4847476318866666
+1013750960,-0.570625851044705,-0.7449760909859592,-0.8960699598663073,-0.3605186188333997,-0.4151300654520975,-0.4064388739300133,1.0115162773364692,1.0230648163418117,1.0186712214244509
+1073111137,0.6788743073921478,0.6970987584020146,0.6937734464703186,0.3382357555797597,0.4105414440951677,0.43611469744486775,0.4003322589925532,0.3976790631968039,0.4034252184563161
+1082744849,1.7952172195894958,1.7772362816894602,1.7802260067001991,1.0690431640228448,1.1406276093212429,1.1475586690513828,-0.3377140544374683,-0.35855655299818434,-0.3588479622768284
+1032068275,0.3929430364757725,0.4298270226052629,0.4373782852170226,0.924209467585436,0.9333973462131108,0.9334029973331632,1.8570881261503525,1.9011780840213404,1.8984257989632043
+1021439953,-1.0073211880956372,-0.8813750799905309,-0.8706098985272095,-0.023419561784834262,-0.0009885904123362872,0.027352620861149316,-1.3647174582421202,-1.361196374203099,-1.3672285235527848
+1035310175,-0.5274537785095887,-0.4872720479366514,-0.4291889910718834,-0.35401276118217473,-0.3545120582716132,-0.3732078277796264,-1.6129737900400076,-1.5648708988772688,-1.555255434356891
+1065142030,-0.2738273370120309,-0.351079980238212,-0.4217008421305573,0.9160487704145749,0.9216410990942748,0.9015665323342088,0.7141257609417259,0.7390168237471059,0.7484019194941044
+1004400143,-1.81812725987066,-1.9330785427568264,-1.9644904588998784,-1.9273621072092304,-1.9550149300099635,-1.9610563053509156,-0.8006111273105544,-0.7942905555891187,-0.7968907469072071
+1017990731,-0.6668880917153556,-0.6056969322396291,-0.5385908043629642,-1.113994123917862,-1.1511877966030983,-1.1550122533708949,0.19537653094087232,0.14834325244306587,0.1453565186459322
+1030395962,0.8276147403868129,0.7560355535760904,0.7719779813934996,1.07385395264022,0.9038857886098108,0.8842196196521421,0.18022260047582012,0.13041284727079006,0.11684507993371655
+1034822058,0.5989683513590432,0.598304966889021,0.5412252752114527,-0.9026025561487344,-0.8483899120365954,-0.840938750175478,0.7688711525288268,0.7622843109885644,0.7657681316004368
+1075978222,1.4402434628724003,1.4425329390636412,1.4722318604104967,-1.736957973778809,-1.7312426107395158,-1.6992872935329282,-0.6328121425198309,-0.6312295787750948,-0.649899615758636
+1022424360,-1.3381517579912034,-1.4267521540722403,-1.416836493141287,0.019937267789266327,0.009517662393429884,0.01634112061498651,0.6931236639550988,0.7202923410029033,0.6898066836790958
+1025272393,0.22111312339555714,0.24825447850161156,0.2608092725040988,1.6921086233549425,1.6897786051477213,1.7136889362165977,-0.2831166754279915,-0.3165281323861609,-0.3033388185472761
+1081182727,1.0541894938980565,1.0020882688306796,0.9626765415232864,-0.07337984620469773,-0.12888775981395473,-0.18714638655954724,1.278659311210788,1.2665543724841968,1.274395736532394
+1057569915,-0.8032278959926811,-0.7228710819106816,-0.7187235104189155,-0.1844484019300701,-0.16228734016368976,-0.17494940307782658,-1.7209462930469517,-1.7108725726747134,-1.704371939123783
+1069459242,-0.5741664261821298,-0.5432524504130101,-0.5601576708776799,0.2827403307693681,0.32312144317600905,0.3313530263387175,0.6650921358288872,0.6717835703488692,0.6934079532182055
+1008962444,1.6282854686448092,1.4944025463580088,1.513497479143438,0.8646318298913004,0.9746797333590662,0.9829021497611781,2.6898070371007097,2.7002894051950004,2.701521266132417
+1035505158,-0.9718257992397329,-1.098869337693707,-1.1166303794464485,1.264043839383585,1.2491014581762574,1.2417628393395748,-0.8116902589488687,-0.8359341305056799,-0.8227529334397516
+1019509390,1.1158062886382007,1.3602911819314178,1.4098839570465795,0.8542316377272026,0.8141129552518068,0.8080243621488065,0.2759284697170245,0.23543822633930786,0.236315997266572
+1065571427,1.387241668828199,1.2421574682223286,1.2156769843839053,-0.6811390639236693,-0.6871337904710382,-0.6935362391332456,0.5740018057945176,0.5840456995499117,0.5892872611909971
+1096878314,-1.3663881115598238,-1.319654219357382,-1.281892300479471,-1.9748045227285955,-1.9667147123620132,-1.9628578987867504,-0.3655296186752651,-0.3188392073927646,-0.3144262554738512
+1038761170,-0.0196000667949602,-0.16417735022094024,-0.17147885564354987,-0.8524820181851507,-0.8334634884148968,-0.8419812214737696,-0.6737734015670389,-0.5649965129201128,-0.5567001189083176
+1016021370,-0.8773630868652537,-0.9985526856999688,-0.9943190247980256,0.9652837351269185,0.9539191953919408,0.9592247976019644,0.11676826641400302,0.08232490578085004,0.06908813075195755
+1079447298,-0.3362982206429934,-0.15174374609181007,-0.11926550145346752,-0.8779207113497199,-0.8870327803452817,-0.8836877818774853,-0.5218629087106682,-0.5767733360430236,-0.6014678111948559
+1100931722,0.12491302499470885,0.21249037961494324,0.10206958767290224,0.3529747513185853,0.2966932640338213,0.2929637079544668,-0.6027969410095704,-0.6693509178836563,-0.6629741067483823
+1085720321,-0.6847711660031539,-0.5763442370628904,-0.5575419464258624,0.08518052273954357,0.0858381653803376,0.09718528446526054,-0.6808524501148431,-0.6362041321198324,-0.637891429576785
+1049196879,0.7735993462911882,0.8671587972616283,0.8716247516024882,0.07060055684713026,0.1405306974537975,0.1527626415673247,0.7758834933311344,0.8114443332430982,0.8372563575024226
+1042336139,0.2492465763901597,0.1902021641953137,0.18955713155847373,-0.9181622200946572,-0.959633464439966,-0.9870886936490356,0.6527255293264381,0.6825962807981052,0.6596766695794497
+1072004991,-0.632762745792204,-0.5783548865022917,-0.5500028659666023,0.33046837437938004,0.5503509496427208,0.5900566453572786,-0.328315356897797,-0.3800388074558306,-0.3917196713858965
+1089288400,-2.151226272244462,-2.1375041875683305,-2.1286738686148707,2.386538351763328,2.26689339537989,2.2406193746642598,1.7664616437749696,1.759056602485192,1.7611701630302783
+1028698408,0.8349814758193842,0.7356267822532566,0.6711784402981976,-0.685461428605729,-0.9121310301842352,-0.9266839643760304,-0.2718668991461301,-0.3987725045106945,-0.3938719927468721
+1054397973,-0.20955230926335144,-0.20145285283582748,-0.21467184643517245,-0.8658646930963788,-0.7582170905119827,-0.7550977620122131,-0.7918748184888323,-0.7889827718208435,-0.8107233918806388
+1093361029,-0.1123002708794003,-0.17765470373367298,-0.19412559318415512,0.03720588654979784,0.11633750844550808,0.12144968596149,-1.7433411413952913,-1.6897861886035592,-1.6721688061230702
+1073199471,1.2480141996786858,1.3019788869299245,1.3551138507416411,-0.35532482774287105,-0.4441309657857327,-0.4360179275130744,-0.05967245050449145,0.004483055864531742,0.010380672024326736
+1031576760,0.7101513133051957,0.6669157169057777,0.6663941361242007,0.5173290811336083,0.5130425703259082,0.5094553980625884,0.3883910832257752,0.507161491988004,0.5031414130207553
+1008166305,-1.6239794040076887,-1.6882368842847442,-1.7588165278357708,-0.1527848658123761,-0.0936001796607681,-0.09148799930086823,-1.3865837127326193,-1.1960186862395994,-1.1890589468450476
+1010326655,1.2704804373402625,1.2446668545923243,1.2621691699604063,0.2719053731886426,0.2419710666608076,0.2498549685418429,-0.8683403195573469,-0.9912652525168804,-1.0340423192693902
+1084331087,-1.0009217654322302,-0.9385372741681118,-0.8052159995504559,-0.4437501063543881,-0.5137371688785975,-0.554108511202357,-0.2141145541300949,-0.3802439400521652,-0.37029093492391896
+1036611399,0.1900939138214208,0.2594063028597359,0.21993662598451505,1.5497994278195149,1.5685147880852883,1.5796264930909267,1.7339126085295988,1.7590794289769083,1.7314396319859364
+1054983662,0.4541755049730402,0.4557852840950177,0.41553259531710496,-1.7424989099750017,-1.7161910765326382,-1.6933403491921328,0.34673489466468665,0.301286957843733,0.35881115603166525
+1024616618,-0.21816257852733684,-0.15622112495410068,-0.0970914963187798,1.0324396994958152,1.007762369159428,1.0230864686170476,-1.5387278308171068,-1.5189789268500964,-1.5100799878065148
+1056519028,1.9380867913001223,1.9901771500512029,1.9883710007877584,0.6565934045488945,0.5624987415928148,0.5046039517410053,2.006921292099592,1.8360639499404778,1.8196459640259208
+1068805020,0.4538494991897297,0.3712902526193912,0.3402151293520282,-0.8032509955847117,-0.8490525762566392,-0.8097647644460988,-1.567385891374376,-1.4411233118098448,-1.4112239652233738
+1069009238,0.5072504732907781,0.5852691925454993,0.5570305877247932,-1.5113430446290572,-1.5634247946001258,-1.5956072256321552,0.32212536172803763,0.2480632379174815,0.2024497846038336
+1096740889,-0.5364533640275245,-0.5761609979999182,-0.6358193058413704,1.3210449170203622,1.3677397322192075,1.3833426294844984,-1.0196900325053806,-1.2566091070948275,-1.285159759967092
+1097480547,-1.0335616885624044,-1.0842898161629593,-1.0704474626736982,0.8168968031341033,0.9032665933119544,0.954510752978772,-0.2828177027931409,-0.2899728304400379,-0.312554831545535
+1010294281,0.941507055026466,0.9382826800250396,0.9748522279493724,-0.4769738744010052,-0.5277005164734061,-0.5585160091073569,-0.9641172360022062,-0.963877676070018,-0.9562364732474976
+1042204109,-0.9432351484209868,-0.8987735453115075,-0.8843524728320464,1.4768667264872286,1.4696895723597596,1.4527220957419409,0.8907116463334345,0.8208292738166504,0.7947980689767309
+1091714083,-0.7467005043815015,-0.7319051665926893,-0.7208367745701201,-1.029350051195725,-0.8465021851493587,-0.8113673377111402,0.6260604657532352,0.5138490127425465,0.5032844776318205
+1072147779,-1.0540968859945086,-1.081411339815448,-1.1035372942845414,0.8619594168069928,0.8385025020268411,0.8103654396664541,0.4321524752030709,0.6075376054234097,0.6385310162380887
+1042992219,0.9375567836618632,0.9060667892487244,0.9011070529594528,-0.5435160909768355,-0.5680380047212206,-0.5865544011607421,0.4805494686635415,0.345233354510886,0.3320017596812437
+1023728468,1.1063738731636434,1.0474132837418952,1.047403585559082,-0.7740792208934841,-0.7857977745864171,-0.7608672201727981,0.6258646079398668,1.0791225639964055,1.1435319994554518
+1032141606,-1.3524143057183395,-1.3097373573951292,-1.2968947778119304,-1.027287689812579,-1.008943658882837,-1.0059543799994264,-0.01164662422856663,0.01986285391696704,0.04101194717692273
+1048623585,0.6255523099418511,0.6533335964238212,0.6942690217628638,0.2709703255524961,0.3946417831654497,0.39510662434409816,-0.6950342100356399,-0.6639364641841482,-0.6622646206306525
+1030889912,-0.6157551261461781,-0.6098792630091899,-0.4961645393295366,-1.327390169238251,-1.3411694953528424,-1.3289633961006708,0.09225023270275044,0.09240449096552077,0.08833619197578574
+1014921257,-0.4473669457525016,-0.5839510592234994,-0.5617639200348545,-1.0234008565199193,-1.0812932185724269,-1.1156285910666268,-1.403644757265374,-1.431293174271265,-1.4373405514156208
+1013401016,-0.3665883077294224,-0.402847230048956,-0.4573343053890155,0.7069233464909704,0.6236140745810171,0.6337245499868235,-0.23871343772087525,-0.23008741421164616,-0.2194884880602728
+1026331168,1.5030954821305214,1.4345357568131492,1.2093427562461314,1.8660828576115336,1.8683541394963568,1.8596576260440445,2.517668745748989,2.5024496737843034,2.4980936257771367
+1029771770,-1.3654575628473042,-1.4932566279037631,-1.6336679572185977,-0.5960884828117519,-0.6174199142363144,-0.5936662408599751,0.011393022860601223,0.029965557318863557,0.02263374026960929
+1011520113,1.152395017442611,1.161089758181978,1.2077141677418135,1.0567510782377552,1.0106085217153975,1.0030883011490637,-0.3707933326303963,-0.4169082286342625,-0.4273637842421097
+1047043245,-1.3211730077011157,-1.0917959438783995,-1.0195656679043117,-0.7996451675634914,-0.7652954614395467,-0.7805551186145796,0.06759984245045571,0.10995024033887874,0.12533985483266954
+1060323031,0.8352981406615386,0.9327710126448596,1.057170444125507,-0.15420293175934138,-0.09204042935709143,-0.07276375488217708,0.01927389388948869,0.007455318893754923,0.01205403149345426
+1063987266,0.14958660540440455,0.1671290324197173,0.15730150130333326,0.7796384010752255,0.7785276510927214,0.7822649366396649,0.38766142994592295,0.4771984120259685,0.4720114184748223
+1041567082,-1.2692266505295542,-1.3057555433487542,-1.3484241009682152,-1.4640016776020135,-1.487917005436736,-1.4897350330297294,-1.066001699434861,-1.1325376855060714,-1.1544449199948514
+1062972223,-0.9334870416676976,-0.9940060016426217,-1.0638696846221238,-0.8532476657793496,-0.8191004399621172,-0.8083088489100511,-0.2626468616061489,-0.2497476110493956,-0.24577248247466654
+1078180360,0.13128256490388865,0.18718522275046745,0.1861553524026995,-0.21317561632108106,-0.20492147633231067,-0.2227990172379384,0.7659643037480397,0.7925173554857917,0.7980627106024041
+1072510359,-0.07809042472257058,-0.11019410657014424,-0.0784621263027955,-0.3489566066410428,-0.3508131542481916,-0.36241099402118376,0.030329729362139214,-0.0008652666334133807,-0.005644367785251357
+1094301727,0.7462826443308711,0.7041431171039734,0.7313649602407655,1.838540553983196,1.8515685921602645,1.8518341764277602,-0.27110525579533146,-0.3781269946099605,-0.3795335766103603
+1049650397,-0.7526942661710921,-0.624181600615902,-0.3901090172834425,0.4912227604660971,0.4718455383282818,0.4622633885790269,-0.03235493401962845,-0.016848216764780467,-0.011657416982493478
+1094110735,0.8653736115865036,0.7803258214528531,0.5778043372907765,-0.1872122087817185,-0.22522405994522476,-0.22762870137688584,0.1326298168452836,0.045708151991792866,0.02740597508697392
+1015978205,0.7218268066843213,0.7556620299180754,0.7815861828474895,0.2926076693574566,0.27723300280235835,0.2613217185693813,0.5975917683659367,0.5896431210844448,0.5929295264622999
+1097734561,-1.3369856946731202,-1.336145780209835,-1.3216548555492882,-0.5540302246321992,-0.4826186531092834,-0.46791124638316994,-1.05852731512151,-1.0852078156108107,-1.0973625244251708
+1005472040,2.247195961498557,2.267121965752188,2.3058319790453434,1.5722790130130608,1.5644236262252094,1.5815986547206504,2.4112938355835736,2.437364130037112,2.443961344493816
+1069827144,-0.4910641166445113,-0.4912841570100172,-0.5375245284045427,-1.3536643981376302,-1.373003621574972,-1.3604890339775249,-1.634834817873417,-1.4790975804506776,-1.4399556868475225
+1083737921,-0.0598854141031521,-0.008362728482930022,0.1203048570608686,-0.37750658527876896,-0.4761933207786097,-0.4510131499935125,-0.025148723818047475,0.10735755962286456,0.13782835010614616
+1041535522,-0.2094507381185192,-0.13287103920813606,-0.13749661128284882,-2.166222822114039,-2.1552901307285555,-2.1503282727899378,-0.12164195589455146,-0.2260149388910952,-0.2559509768085519
+1067239528,-0.5912085371823509,-0.6314188888188448,-0.5797911717514883,0.36207998985486606,0.18802511957939247,0.179655243418216,-0.34519734632192034,-0.4166014620199723,-0.4212103022280704
+1090051842,0.7251328748930411,0.8324884591873299,0.8205137602223421,0.5227772202989998,0.6080121855999612,0.6164449924660492,-0.4000810100158289,-0.4554539178794821,-0.4505019071377964
+1065847924,0.7693041307175196,0.7920305790820228,0.7413656441974391,-0.2770614867447699,-0.34718727128040183,-0.3590915790393339,-0.15857952511465706,-0.14580453900144785,-0.15693864623473475
+1098524761,-1.1092255514388238,-1.2092262962945333,-1.1820640207554394,-0.5502922761688921,-0.6311117331182176,-0.6501583379557584,0.1556643881252959,0.3691390916155992,0.3969365157715255
+1014891357,2.0108614292618685,2.0914512130319567,2.1455120677610164,1.6705556328290658,1.8452355640399083,1.8643884536028208,1.7864707871327346,1.6704463875232154,1.654769425583216
+1012414718,0.8590034068407605,0.6598847627475671,0.6592964531828411,-0.6929023008109564,-0.6683455505054708,-0.6889059225062234,-0.8658484372861431,-1.0089878283153215,-1.0100166070287162
+1015803719,-0.08747973251791072,-0.06193497177989703,-0.1065280308175054,1.694077701631343,1.5538335247292203,1.5373029976350991,1.1931844859491414,1.3010728231099955,1.3133181633686746
+1001144012,0.3893307762585715,0.2233305016204143,0.14976315433227133,0.4582134508432136,0.3862110091696164,0.35260142425494256,0.01350283894407643,0.010092146678276568,0.012400657324720827
+1037421283,-1.3312660266075098,-1.4540911416856133,-1.5201593956618726,0.18315963228697385,0.30226563974495696,0.31979321282097384,1.2024339176405914,1.1263002838934508,1.1244834322745043
+1009666565,0.459865892797423,0.5021866692619461,0.44736817055264794,0.15876941728099025,0.2043725920941385,0.21738190927819326,-2.417598212929668,-2.372199182877944,-2.367407953949566
+1057522215,-1.8249825108009168,-1.6034671186612828,-1.5580848770402722,-0.9856475739080264,-0.8098276285459387,-0.7880709711915287,-0.017161206411024397,0.04065357654186002,0.02228984895864905
diff --git a/test-data/wgr/ridge-regression/blockedGT.snappy.parquet b/test-data/wgr/ridge-regression/blockedGT.snappy.parquet
new file mode 100644
index 000000000..9814225de
Binary files /dev/null and b/test-data/wgr/ridge-regression/blockedGT.snappy.parquet differ
diff --git a/test-data/wgr/ridge-regression/groupedIDs.snappy.parquet b/test-data/wgr/ridge-regression/groupedIDs.snappy.parquet
new file mode 100644
index 000000000..0d6bc4bbf
Binary files /dev/null and b/test-data/wgr/ridge-regression/groupedIDs.snappy.parquet differ
diff --git a/test-data/wgr/ridge-regression/pts.csv b/test-data/wgr/ridge-regression/pts.csv
new file mode 100644
index 000000000..237dd2fcb
--- /dev/null
+++ b/test-data/wgr/ridge-regression/pts.csv
@@ -0,0 +1,101 @@
+sample_id,sim100,sim92,sim58,sim16
+1042204109,-0.905057511362818,-1.1712165768454952,-1.4373756423281725,-1.7035347078108496
+1035505158,-0.6165394957166873,-0.41128311429183706,-0.2060267328669867,-0.0007703514421363855
+1008166305,-0.9460137722237087,-0.4826385944947621,-0.019263416765815056,0.4441117609631319
+1068805020,-1.1553752728929234,-0.6600047279129783,-0.16463418293303328,0.33073636204691176
+1095012035,-1.0248886869801306,-0.4921790964308823,0.04053049411836607,0.5732400846676144
+1009789151,0.8970959291782232,1.0671588011195303,1.2372216730608379,1.4072845450021454
+1096878314,-2.2205658345948596,-1.1189823782992876,-0.017398922003714956,1.0841845342918577
+1073199471,0.3417355807348075,0.3129785468630225,0.28422151299123743,0.2554644791194524
+1100931722,-0.6105075298675289,-0.910344767259845,-1.2101820046521612,-1.5100192420444774
+1067239528,-1.0931431173369122,-1.247438880452142,-1.4017346435673723,-1.5560304066826025
+1060323031,2.402039144459488,1.7997535671435536,1.1974679898276201,0.5951824125116862
+1037421283,0.2987031601460303,0.31378792435433506,0.3288726885626398,0.3439574527709445
+1057522215,-1.2693698525554449,-1.3779897096944889,-1.4866095668335333,-1.5952294239725768
+1072147779,-0.10698010790362077,-0.4706036683998794,-0.8342272288961381,-1.1978507893923966
+1017990731,0.7457991352655203,0.8243272672810729,0.9028553992966256,0.9813835313121779
+1026331168,2.705128483138374,1.542742814683718,0.3803571462290618,-0.7820285222255943
+1051628479,0.3132747123679324,-0.005198550730351109,-0.32367181382863464,-0.6421450769269181
+1034822058,0.35474894879216723,0.4935535178104876,0.6323580868288079,0.7711626558471283
+1075978222,0.29924116947744256,-0.14852898912218754,-0.5962991477218176,-1.0440693063214477
+1009666565,-0.7903613340242279,-0.5332113082883806,-0.2760612825525331,-0.018911256816685703
+1082744849,0.9197180327894596,0.6315205702336611,0.3433231076778626,0.05512564512206411
+1073111137,0.9122455117107942,0.5453436194684634,0.17844172722613305,-0.1884601650161974
+1097480547,0.03792368537507088,-0.4967559402128186,-1.031435565800708,-1.5661151913885976
+1094110735,2.2250224208952547,1.7399202353153027,1.2548180497353505,0.7697158641553985
+1081182727,1.4244212347578444,1.020566597071377,0.61671195938491,0.2128573216984427
+1068195816,-1.4775773605319356,-0.7417911804755868,-0.006005000419237905,0.7297811796371109
+1041567082,-1.110588095850856,-0.9674220590411622,-0.8242560222314683,-0.6810899854217746
+1031576760,1.496370931635962,1.2642886715226531,1.0322064114093432,0.8001241512960338
+1065571427,-0.6637381903554179,-0.3893025326735571,-0.11486687499169645,0.1595687826901643
+1090051842,0.7885279736086822,0.6704907053807122,0.5524534371527423,0.4344161689247723
+1072510359,0.14655297153728786,0.3177440414550192,0.4889351113727507,0.6601261812904821
+1015803719,0.2974399961695232,-0.018315872053748992,-0.3340717402770212,-0.6498276085002934
+1032141606,-1.1755019062844534,-0.7238812295742103,-0.2722605528639672,0.17936012384627598
+1025272393,0.3009293946091166,-0.07044027289438058,-0.44180994039787774,-0.813179607901375
+1028698408,0.03767569470555776,0.05776536336804766,0.07785503203053758,0.09794470069302748
+1088015920,-1.3398694548095338,-0.98941501505714,-0.6389605753047461,-0.2885061355523524
+1032068275,0.9507040063864513,0.9705420422883064,0.9903800781901616,1.0102181140920168
+1015978205,0.5527343943795187,0.09322273777705904,-0.3662889188254006,-0.8258005754278603
+1069009238,-0.968068219007385,-0.7339894422084601,-0.4999106654095351,-0.2658318886106101
+1057569915,-1.8223525196457973,-1.0871843382272486,-0.3520161568086995,0.3831520246098496
+1049650397,0.0675569024397887,0.2960319098454109,0.5245069172510332,0.7529819246566554
+1047043245,-0.10086501845203574,-0.18309636250061967,-0.2653277065492037,-0.34755905059778763
+1085720321,0.2390076205648076,0.3621550028614926,0.4853023851581776,0.6084497674548626
+1021439953,-0.6218824034182832,-0.5890385305565217,-0.5561946576947601,-0.5233507848329986
+1041535522,-1.161008172963902,-1.0999564655445342,-1.0389047581251665,-0.9778530507057986
+1010326655,0.5602846279445376,1.1532276715483802,1.7461707151522226,2.3391137587560653
+1100001958,-0.9465857767411572,-0.8069452312359077,-0.6673046857306582,-0.5276641402254086
+1019509390,0.3073954497146027,0.30164504749295706,0.29589464527131143,0.2901442430496658
+1042336139,-0.6627455996444289,-0.4541729529964082,-0.2456003063483873,-0.037027659700366505
+1010294281,1.212550114809244,1.1579863355935722,1.1034225563778999,1.0488587771622282
+1013750960,0.04013347822456845,-0.01957938801170809,-0.07929225424798464,-0.13900512048426114
+1065142030,0.6874357206370122,0.8788017194722766,1.0701677183075409,1.2615337171428052
+1062972223,-0.8737908624439668,-0.49015124781319297,-0.1065116331824192,0.2771279814483546
+1083737921,0.15782413214203495,0.1310044878346468,0.1041848435272586,0.07736519921987042
+1030395962,1.2774262869273263,1.198930323827689,1.1204343607280516,1.0419383976284142
+1014921257,0.3854182959681945,0.197822279949784,0.010226263931373521,-0.17736975208703698
+1078180360,0.9282553539578496,0.6739935343350701,0.4197317147122908,0.16546989508951138
+1008962444,0.22741024932946505,0.3663877884575274,0.5053653275855897,0.644342866713652
+1024616618,-0.8800530601633815,-0.5221265735573953,-0.1642000869514092,0.1937263996545769
+1065847924,-1.5281979880408902,-1.1849074274198703,-0.841616866798851,-0.4983263061778313
+1098524761,-0.8217910052233239,-0.9633486111299432,-1.1049062170365624,-1.2464638229431817
+1042992219,0.43626813697806416,0.03479416126692758,-0.36667981444420905,-0.7681537901553456
+1036611399,1.8635260974521832,1.1597875127954744,0.4560489281387657,-0.2476896565179431
+1056519028,1.4738075995631883,1.0343509340800814,0.5948942685969744,0.15543760311386726
+1017124323,-0.4630689471416899,-0.5216822355906655,-0.580295524039641,-0.6389088124886166
+1080889122,-1.582135544737702,-0.9555694434333304,-0.3290033421289588,0.2975627591754128
+1069459242,-0.26932551382291275,-0.4571498818366495,-0.6449742498503861,-0.8327986178641228
+1097734561,-1.1524977888357295,-0.7650801578058268,-0.37766252677592416,0.009755104253978521
+1001144012,1.1976181767339498,0.8313599207733459,0.465101664812742,0.098843408852138
+1054983662,-1.4254032226532285,-1.0518539069081845,-0.6783045911631408,-0.30475527541809705
+1013401016,0.5976657643509681,0.6637154310150243,0.7297650976790805,0.7958147643431367
+1005472040,3.741619127560596,3.083210800425527,2.4248024732904563,1.7663941461553856
+1012414718,-1.3541578462329271,-1.2269167002408723,-1.0996755542488177,-0.9724344082567632
+1072004991,-0.9134134154311168,-0.8363814858628815,-0.7593495562946464,-0.6823176267264112
+1016021370,-0.3582773555305261,0.07652467007892405,0.5113266956883742,0.9461287212978242
+1094301727,1.8294315253353564,1.8207827950751767,1.8121340648149968,1.8034853345548167
+1029771770,-0.7516630956320974,-0.6244560912832875,-0.4972490869344777,-0.37004208258566784
+1011520113,2.2691798845864843,1.9584528863548891,1.6477258881232932,1.3369988898916971
+1035310175,-2.32452029815443,-1.7897126466170228,-1.2549049950796156,-0.7200973435422083
+1004400143,0.04311438865337055,0.0693211208438336,0.09552785303429666,0.1217345852247597
+1063987266,0.6599263124517356,0.6166933480083583,0.573460383564981,0.5302274191216036
+1048623585,0.675915636108907,0.06493198274950818,-0.5460516706098906,-1.1570353239692894
+1054397973,-0.08467582865371683,0.19941942659242373,0.4835146818385643,0.7676099370847047
+1091714083,-1.7152517372776468,-1.3234816771253992,-0.931711616973152,-0.5399415568209044
+1017355338,0.4783180659100899,0.4940588740623436,0.5097996822145971,0.5255404903668508
+1015424102,1.225037117102531,0.9822216214606424,0.7394061258187538,0.4965906301768652
+1049196879,-0.02148980916420092,0.2615690692380092,0.5446279476402194,0.8276868260424295
+1096740889,-1.0010593340279954,-0.6898097410903623,-0.3785601481527292,-0.0673105552150961
+1069827144,0.034005885956331285,0.34844068302582026,0.6628754800953092,0.9773102771647982
+1095763790,0.9504716241022141,0.4117532490347712,-0.12696512603267174,-0.6656835011001145
+1089288400,0.07833112625313615,-0.12256104274156765,-0.3234532117362714,-0.5243453807309751
+1083305117,-0.6188938550765548,-0.9693342858225664,-1.3197747165685785,-1.6702151473145903
+1038761170,-1.0212110405904262,-0.7389295669862381,-0.4566480933820499,-0.17436661977786178
+1022424360,-1.0959154482945328,-0.9601290876422048,-0.8243427269898769,-0.6885563663375489
+1030889912,-0.10491554550901852,0.1020132132873025,0.3089419720836236,0.5158707308799446
+1084331087,-0.8558903124999222,-0.528590787178397,-0.20129126185687207,0.12600826346465302
+1014891357,2.397574238311788,1.939778074273793,1.4819819102357985,1.0241857461978032
+1093361029,0.8065137337290055,0.8538696263374435,0.9012255189458812,0.9485814115543192
+1023728468,0.4812344032148365,0.6421904263795193,0.8031464495442021,0.9641024727088848
+1079447298,-1.7711055008326917,-1.038614785079056,-0.3061240693254198,0.4263666464282163