You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@systemds.apache.org by ma...@apache.org on 2021/03/17 12:24:49 UTC

[systemds] branch master updated: [SYSTEMDS-2900] New builtin function sherlock()

This is an automated email from the ASF dual-hosted git repository.

markd pushed a commit to branch master
in repository https://gitbox.apache.org/repos/asf/systemds.git


The following commit(s) were added to refs/heads/master by this push:
     new b081a25  [SYSTEMDS-2900] New builtin function sherlock()
b081a25 is described below

commit b081a25e952cea31b788a4a5942390811a9f9fa6
Author: Christian Findenig <ch...@student.tugraz.at>
AuthorDate: Wed Mar 17 00:53:29 2021 +0100

    [SYSTEMDS-2900] New builtin function sherlock()
    
    Implementation of a method described in http://sherlock.media.mit.edu/assets/2019-Sherlock-KDD.pdf
    
    DIA Project WS2020/21
    
    Co-authored-by: Christian Findenig <ch...@student.tugraz.at>
    Co-authored-by: Jasmin Viktoria Dirnböck <ja...@student.tugraz.at>
    
    Closes #1183
---
 docs/site/builtins-reference.md                    |    121 +
 scripts/builtin/sherlock.dml                       |    185 +
 scripts/builtin/sherlockNet.dml                    |    226 +
 scripts/builtin/sherlockPredict.dml                |     96 +
 .../java/org/apache/sysds/common/Builtins.java     |      2 +
 .../apache/sysds/runtime/util/UtilFunctions.java   |     82 +-
 .../systemds/examples/tutorials/sherlockData.py    |    108 +
 .../test/functions/binary/frame/FrameMapTest.java  |     22 +-
 .../builtin/BuiltinSherlockPredictTest.java        |    100 +
 .../functions/builtin/BuiltinSherlockTest.java     |    129 +
 .../functions/builtin/data/sherlockWeights/cW1.ijv | 288000 ++++++++++++++++++
 .../builtin/data/sherlockWeights/cW1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/cW2.ijv |  90000 ++++++
 .../builtin/data/sherlockWeights/cW2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/cW3.ijv |  23400 ++
 .../builtin/data/sherlockWeights/cW3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/cb1.ijv |    300 +
 .../builtin/data/sherlockWeights/cb1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/cb2.ijv |    300 +
 .../builtin/data/sherlockWeights/cb2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/cb3.ijv |     78 +
 .../builtin/data/sherlockWeights/cb3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/fW1.ijv | 156000 ++++++++++
 .../builtin/data/sherlockWeights/fW1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/fW2.ijv | 250000 +++++++++++++++
 .../builtin/data/sherlockWeights/fW2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/fW3.ijv |  39000 +++
 .../builtin/data/sherlockWeights/fW3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/fb1.ijv |    500 +
 .../builtin/data/sherlockWeights/fb1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/fb2.ijv |    500 +
 .../builtin/data/sherlockWeights/fb2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/fb3.ijv |     78 +
 .../builtin/data/sherlockWeights/fb3.ijv.mtd       |     10 +
 .../data/sherlockWeights/label_encoding.ijv        |     80 +
 .../data/sherlockWeights/label_encoding.ijv.mtd    |      9 +
 .../functions/builtin/data/sherlockWeights/pW1.ijv | 160000 ++++++++++
 .../builtin/data/sherlockWeights/pW1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/pW2.ijv | 160000 ++++++++++
 .../builtin/data/sherlockWeights/pW2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/pW3.ijv |  31200 ++
 .../builtin/data/sherlockWeights/pW3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/pb1.ijv |    400 +
 .../builtin/data/sherlockWeights/pb1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/pb2.ijv |    400 +
 .../builtin/data/sherlockWeights/pb2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/pb3.ijv |     78 +
 .../builtin/data/sherlockWeights/pb3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/sW1.ijv |   2160 +
 .../builtin/data/sherlockWeights/sW1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/sW2.ijv |   6400 +
 .../builtin/data/sherlockWeights/sW2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/sW3.ijv |   6240 +
 .../builtin/data/sherlockWeights/sW3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/sb1.ijv |     72 +
 .../builtin/data/sherlockWeights/sb1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/sb2.ijv |     80 +
 .../builtin/data/sherlockWeights/sb2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/sb3.ijv |     78 +
 .../builtin/data/sherlockWeights/sb3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/wW1.ijv |  40200 +++
 .../builtin/data/sherlockWeights/wW1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/wW2.ijv |  40000 +++
 .../builtin/data/sherlockWeights/wW2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/wW3.ijv |  15600 +
 .../builtin/data/sherlockWeights/wW3.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/wb1.ijv |    200 +
 .../builtin/data/sherlockWeights/wb1.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/wb2.ijv |    200 +
 .../builtin/data/sherlockWeights/wb2.ijv.mtd       |     10 +
 .../functions/builtin/data/sherlockWeights/wb3.ijv |     78 +
 .../builtin/data/sherlockWeights/wb3.ijv.mtd       |     10 +
 src/test/scripts/functions/builtin/sherlock.dml    |     70 +
 .../scripts/functions/builtin/sherlockPredict.dml  |     72 +
 74 files changed, 1313137 insertions(+), 7 deletions(-)

diff --git a/docs/site/builtins-reference.md b/docs/site/builtins-reference.md
index c4ddffa..d8f8841 100644
--- a/docs/site/builtins-reference.md
+++ b/docs/site/builtins-reference.md
@@ -50,6 +50,8 @@ limitations under the License.
     * [`multiLogReg`-Function](#multiLogReg-function)
     * [`pnmf`-Function](#pnmf-function)
     * [`scale`-Function](#scale-function)
+    * [`sherlock`-Function](#sherlock-function)
+    * [`sherlockPredict`-Function](#sherlockPredict-function)
     * [`sigmoid`-Function](#sigmoid-function)
     * [`smote`-Function](#smote-function)
     * [`steplm`-Function](#steplm-function)
@@ -992,6 +994,125 @@ scale=TRUE;
 Y= scale(X,center,scale)
 ```
 
+## `sherlock`-Function
+
+Implements training phase of Sherlock: A Deep Learning Approach to Semantic Data Type Detection
+
+[Hulsebos, Madelon, et al. "Sherlock: A deep learning approach to semantic data type detection." 
+Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining., 2019]
+### Usage
+
+```r
+sherlock(X_train, y_train)
+```
+
+### Arguments
+
+| Name    | Type           | Default  | Description |
+| :------ | :------------- | -------- | :---------- |
+| X_train | Matrix[Double] | required | Matrix of feature vectors. |
+| y_train | Matrix[Double] | required | Matrix Y of class labels of semantic data type. |
+
+### Returns
+
+| Type           | Description |
+| :------------- | :---------- |
+| Matrix[Double] | weights (parameters) matrices for character distribtions |
+| Matrix[Double] | weights (parameters) matrices for word  embeddings |
+| Matrix[Double] | weights (parameters) matrices for paragraph vectors |
+| Matrix[Double] | weights (parameters) matrices for global statistics |
+| Matrix[Double] | weights (parameters) matrices for combining all featurs (final)|
+
+### Example
+
+```r
+# preprocessed training data taken from sherlock corpus
+processed_train_values = read("processed/X_train.csv")
+processed_train_labels = read("processed/y_train.csv")
+transform_spec = read("processed/transform_spec.json")
+[processed_train_labels, label_encoding] = sherlock::transform_encode_labels(processed_train_labels, transform_spec)
+write(label_encoding, "weights/label_encoding")
+
+[cW1,  cb1,
+ cW2,  cb2,
+ cW3,  cb3,
+ wW1,  wb1,
+ wW2,  wb2,
+ wW3,  wb3,
+ pW1,  pb1,
+ pW2,  pb2,
+ pW3,  pb3,
+ sW1,  sb1,
+ sW2,  sb2,
+ sW3,  sb3,
+ fW1,  fb1,
+ fW2,  fb2,
+ fW3,  fb3] = sherlock(processed_train_values, processed_train_labels)
+```
+
+## `sherlockPredict`-Function
+
+Implements prediction and evaluation phase of Sherlock: A Deep Learning Approach to Semantic Data Type Detection
+
+[Hulsebos, Madelon, et al. "Sherlock: A deep learning approach to semantic data type detection." 
+Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining., 2019]
+### Usage
+
+```r
+sherlockPredict(X, cW1, cb1, cW2, cb2, cW3, cb3, wW1, wb1, wW2, wb2, wW3, wb3,
+                   pW1, pb1, pW2, pb2, pW3, pb3, sW1, sb1, sW2, sb2, sW3, sb3,
+                   fW1, fb1, fW2, fb2, fW3, fb3)
+```
+### Arguments
+
+| Name    | Type           | Default  | Description |
+| :------ | :------------- | -------- | :---------- |
+| X       | Matrix[Double] | required | Matrix of values which are to be classified. |
+| cW      | Matrix[Double] | required | Weights (parameters) matrices for character distribtions. |
+| cb      | Matrix[Double] | required | Biases vectors for character distribtions. |
+| wW      | Matrix[Double] | required | Weights (parameters) matrices for word embeddings. |
+| wb      | Matrix[Double] | required | Biases vectors for word embeddings. |
+| pW      | Matrix[Double] | required | Weights (parameters) matrices for paragraph vectors. |
+| pb      | Matrix[Double] | required | Biases vectors for paragraph vectors. |
+| sW      | Matrix[Double] | required | Weights (parameters) matrices for global statistics. |
+| sb      | Matrix[Double] | required | Biases vectors for global statistics. |
+| fW      | Matrix[Double] | required | Weights (parameters) matrices combining all features (final). |
+| fb      | Matrix[Double] | required | Biases vectors combining all features (final). |
+
+### Returns
+
+| Type           | Description |
+| :------------- | :---------- |
+| Matrix[Double] | Class probabilities of shape (N, K). |
+### Example 
+
+```r
+# preprocessed validation data taken from sherlock corpus
+processed_val_values = read("processed/X_val.csv")
+processed_val_labels = read("processed/y_val.csv")
+transform_spec = read("processed/transform_spec.json")
+label_encoding = read("weights/label_encoding")
+processed_val_labels = sherlock::transform_apply_labels(processed_val_labels, label_encoding, transform_spec)
+
+probs = sherlockPredict(processed_val_values, cW1,  cb1,
+cW2,  cb2,
+cW3,  cb3,
+wW1,  wb1,
+wW2,  wb2,
+wW3,  wb3,
+pW1,  pb1,
+pW2,  pb2,
+pW3,  pb3, 
+sW1,  sb1,
+sW2,  sb2,
+sW3,  sb3,
+fW1,  fb1,
+fW2,  fb2,
+fW3,  fb3)
+
+[loss, accuracy] = sherlockPredict::eval(probs, processed_val_labels)
+```
+
 ## `sigmoid`-Function
 
 The Sigmoid function is a type of activation function, and also defined as a squashing function which limit the output 
diff --git a/scripts/builtin/sherlock.dml b/scripts/builtin/sherlock.dml
new file mode 100644
index 0000000..53af20a
--- /dev/null
+++ b/scripts/builtin/sherlock.dml
@@ -0,0 +1,185 @@
+#-------------------------------------------------------------
+#
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you 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.
+#
+#-------------------------------------------------------------
+source("scripts/builtin/sherlockNet.dml") as sherlockNet
+
+# Implements training phase of Sherlock: A Deep Learning Approach to Semantic Data Type Detection
+#
+# [Hulsebos, Madelon, et al. "Sherlock: A deep learning approach to semantic data type detection."
+# Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining.
+# 2019.]
+
+# Split feature matrix into four different feature categories and train neural networks on the
+# respective single features. Then combine all trained features to train final neural network.
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# X_train      Matrix    ---      maxtrix of feature vectors
+# y_train      Matrix    ---      matrix Y of class labels of semantic data type
+# ---------------------------------------------------------------------------------------------
+# cW           Matrix    ---      weights (parameters) matrices for character distribtions
+# cb           Matrix    ---      biases vectors for character distribtions
+# wW           Matrix    ---      weights (parameters) matrices for word embeddings
+# wb           Matrix    ---      biases vectors for word embeddings
+# pW           Matrix    ---      weights (parameters) matrices for paragraph vectors
+# pb           Matrix    ---      biases vectors for paragraph vectors
+# sW           Matrix    ---      weights (parameters) matrices for global statistics
+# sb           Matrix    ---      biases vectors for global statistics
+# fW           Matrix    ---      weights (parameters) matrices for  combining all trained features (final)
+# fb           Matrix    ---      biases vectors for combining all trained features (final)
+# ---------------------------------------------------------------------------------------------
+
+m_sherlock = function(matrix[double] X_train, matrix[double] y_train)
+      return (matrix[double] cW1, matrix[double] cb1,
+            matrix[double] cW2, matrix[double] cb2,
+            matrix[double] cW3, matrix[double] cb3,
+            matrix[double] wW1, matrix[double] wb1,
+            matrix[double] wW2, matrix[double] wb2,
+            matrix[double] wW3, matrix[double] wb3,
+            matrix[double] pW1, matrix[double] pb1,
+            matrix[double] pW2, matrix[double] pb2,
+            matrix[double] pW3, matrix[double] pb3,
+            matrix[double] sW1, matrix[double] sb1,
+            matrix[double] sW2, matrix[double] sb2,
+            matrix[double] sW3, matrix[double] sb3,
+            matrix[double] fW1, matrix[double] fb1,
+            matrix[double] fW2, matrix[double] fb2,
+            matrix[double] fW3, matrix[double] fb3) {
+  train_cols = ncol(X_train)
+  train_rows = nrow(X_train)
+  [cW1, cb1, cW2, cb2, cW3, cb3] = sherlockNet::train(X_train[1:train_rows, 224:1183], y_train, 300)
+  [wW1, wb1, wW2, wb2, wW3, wb3] = sherlockNet::train(cbind(X_train[1:train_rows, 13:212], X_train[1:train_rows, 1188]), y_train, 200)
+  [pW1, pb1, pW2, pb2, pW3, pb3] = sherlockNet::train(X_train[1:train_rows, 1189:1588], y_train, 400)
+  [sW1, sb1, sW2, sb2, sW3, sb3] = sherlockNet::train(cbind(X_train[1:train_rows, 1:12], X_train[1:train_rows, 213:223], X_train[1:train_rows, 1184:1187]), y_train, 80)
+
+  # train features seperate
+  cprobs = sherlockNet::predict(X_train[1:train_rows, 224:1183], cW1, cb1, cW2, cb2, cW3, cb3)
+  wprobs = sherlockNet::predict(cbind(X_train[1:train_rows, 13:212], X_train[1:train_rows, 1188]), wW1,wb1, wW2, wb2, wW3, wb3)
+  pprobs = sherlockNet::predict(X_train[1:train_rows, 1189:1588], pW1, pb1, pW2, pb2, pW3, pb3)
+  sprobs = sherlockNet::predict(cbind(X_train[1:train_rows, 1:12], X_train[1:train_rows, 213:223], X_train[1:train_rows, 1184:1187]), sW1, sb1, sW2, sb2, sW3, sb3)
+
+  #use trained features to train final net
+  first_predictions = cbind(cprobs, wprobs, pprobs, sprobs)
+  [fW1, fb1, fW2, fb2, fW3, fb3] = sherlockNet::train(first_predictions, y_train, 500)
+}
+
+# ---------------------------------------------------------------------------------------------
+# methods to load and transform the data in order to pass valid input to sherlock function
+# ---------------------------------------------------------------------------------------------
+# Function to transform processed X values from the original sherlock project to
+# valid input for sherlock X input matrices.
+
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# data         String    ---      String with processed X values from original sherlock project
+# ---------------------------------------------------------------------------------------------
+# m_data       Matrix    ---      transformed matrix containing X values
+
+transform_values = function(frame[string] data) return (matrix[double] m_data) {
+
+  rows = nrow(data)
+  cols = ncol(data)
+  data = data[1:rows,2:cols]
+
+  #replace True/Fasle with 1/0
+  data = map(data, "d -> d.replace(\"True\",\"1\")")
+  data = map(data, "d -> d.replace(\"False\",\"0\")")
+  m_data = as.matrix(data)
+}
+
+# ---------------------------------------------------------------------------------------------
+# Function to encode the string labels from the original sherlock project (y data)
+# to a numerical representation.
+# ---------------------------------------------------------------------------------------------
+
+# NAME            TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# data            String    ---      String labels from original sherlock project
+# transform_spec  String    ---      Transformation specification to encode label column to numerical represenation
+#                                       example: "{ "recode":[ "label" ] }"
+# ---------------------------------------------------------------------------------------------
+# ground_truth    Matrix    ---      matrix containing ground truth in numerical representation
+# meta_data       String    ---      String contaning meta data of transformation encoding
+
+transform_encode_labels = function(frame[string] data, string transform_spec) return (matrix[double] ground_truth , frame[string] meta_data) {
+
+  rows = nrow(data)
+  cols = ncol(data)
+
+  #replace label with number
+  [m_data, meta_data] = transformencode(target=data[1:rows,2:cols],
+    spec=transform_spec)
+
+  ground_truth = matrix(0, rows=rows, cols=78)
+  for ( i in 1:rows) {
+    ground_truth[i, as.scalar(m_data[i,1])] = 1
+  }
+}
+
+# ---------------------------------------------------------------------------------------------
+# Use the encoding from transform_encode_labels() to transform y labels to a
+# numerical representation.
+# ---------------------------------------------------------------------------------------------
+
+# NAME            TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# data            String    ---      String labels from original sherlock project
+# meta_data       String    ---      String contaning meta data of transformation encoding
+# transform_spec  String    ---      Transformation specification to encode label column to numerical represenation
+#                                       example: "{ "recode":[ "label" ] }"
+# ---------------------------------------------------------------------------------------------
+# ground_truth    Matrix    ---      matrix containing ground truth in numerical representation
+
+transform_apply_labels = function(frame[string] data, frame[string] meta_data, string transform_spec) return (matrix[double] ground_truth) {
+  #remove index row
+  rows = nrow(data)
+  cols = ncol(data)
+
+  #replace label with number
+  m_data = transformapply(target=data[1:rows,2:cols],
+                  spec=transform_spec,
+                  meta=meta_data)
+
+  ground_truth = matrix(0, rows=rows, cols=78)
+  for ( i in 1:rows) {
+    ground_truth[i, as.scalar(m_data[i,1])] = 1
+  }
+}
+
+# ---------------------------------------------------------------------------------------------
+# Transform y labels to ground truth
+# ---------------------------------------------------------------------------------------------
+
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# data         Matrix    ---      matrix with labels from original sherlock project
+# ---------------------------------------------------------------------------------------------
+# ground_truth Matrix    ---      matrix containing ground truth in numerical representation
+
+transform_labels_to_ground_truth = function(matrix[double] data)
+  return(matrix[double] ground_truth) {
+
+  rows = nrow(data)
+  ground_truth = matrix(0, rows=rows, cols=78)
+  for ( i in 1:rows) {
+    ground_truth[i, as.scalar(data[i,1])] = 1
+  }
+}
diff --git a/scripts/builtin/sherlockNet.dml b/scripts/builtin/sherlockNet.dml
new file mode 100644
index 0000000..b29b8dc
--- /dev/null
+++ b/scripts/builtin/sherlockNet.dml
@@ -0,0 +1,226 @@
+#-------------------------------------------------------------
+#
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you 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.
+#
+#-------------------------------------------------------------
+source("nn/layers/affine.dml") as affine
+source("nn/layers/cross_entropy_loss.dml") as cross_entropy_loss
+source("nn/layers/dropout.dml") as dropout
+source("nn/layers/relu.dml") as relu
+source("nn/layers/softmax.dml")as softmax
+source("nn/optim/adam.dml") as adam
+source("scripts/staging/entity-resolution/primitives/evaluation.dml") as evaluation
+
+# Implements Neural Network for Sherlock: A Deep Learning Approach to Semantic Data Type Detection
+#
+# [Hulsebos, Madelon, et al. "Sherlock: A deep learning approach to semantic data type detection."
+# Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining.
+# 2019.]
+
+# Trains a 2 hidden layer softmax classifier.
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# X_train      Matrix    ---      input data matrix, of shape (N, D)
+# y_train      Matrix    ---      target matrix, of shape (N, K)
+# hidden_layer_neurons int        number of neurons per hidden layer
+# ---------------------------------------------------------------------------------------------
+# W            Matrix             weights (parameters) matrix, of shape (D, M, 3).
+# b            Matrix             biases vector, of shape (1, M, 3).
+
+train = function(matrix[double] X_train, matrix[double] y_train, int hidden_layer_neurons)
+  return (matrix[double] W1, matrix[double] b1, matrix[double] W2, matrix[double] b2, matrix[double] W3, matrix[double] b3) {
+
+  # Generate input data
+  N = nrow(X_train) # num examples
+  D = ncol(X_train)# num features
+  t = 78 # num target cols
+  print("Training with " + N + " rows, " + D + " cols of data")
+  # Create network:
+  # batch -> affine1 -> relu1 -> dropout1 -> affine2 -> relu2 -> affine3 -> softmax
+  H1 = hidden_layer_neurons # number of neurons in 1st hidden layer
+  H2 = hidden_layer_neurons # number of neurons in 2nd hidden layer
+  p = 0.3  # dropout probability
+  [W1, b1] = affine::init(D, H1, -1)
+  [W2, b2] = affine::init(H1, H2, -1)
+  [W3, b3] = affine::init(H2, t, -1)
+
+  # Initialize Adams parameter
+  initial_lr = 0.0001  # learning rate
+  decay = 0.0001  # learning rate decay constant for weight decay
+
+  beta1   = 0.9;       # [0, 1)
+  beta2   = 0.999;     # [0, 1)
+  epsilon = 0.00000001;
+  adam_t       = 0; # timestamp in adam function
+
+  # Adams optimizer
+  [mW1, vW1] = adam::init(W1);[mb1, vb1] = adam::init(b1)
+  [mW2, vW2] = adam::init(W2);[mb2, vb2] = adam::init(b2)
+  [mW3, vW3] = adam::init(W3);[mb3, vb3] = adam::init(b3)
+
+  # Optimize
+  print("Starting optimization")
+  batch_size = 256 #?
+  epochs = 100
+  iters = ceil(N / batch_size)
+  lr = initial_lr
+  print("init lr: " + initial_lr + " decay: " + decay + "iters: " + iters)
+  for (e in 1:epochs) {
+    for(i in 1:iters){
+      # Get next batch
+      beg = ((i-1) * batch_size) %% N + 1
+      end = min(N, beg + batch_size - 1)
+      X_batch = X_train[beg:end,]
+      y_batch = y_train[beg:end,]
+
+      # Compute forward pass
+      ## layer 1:
+      out1 = affine::forward(X_batch, W1, b1)
+      outr1 = relu::forward(out1)
+      [outd1, maskd1] = dropout::forward(outr1, p, -1)
+      ## layer 2:
+      out2 = affine::forward(outd1, W2, b2)
+      outr2 = relu::forward(out2)
+      ## layer 3:
+      out3 = affine::forward(outr2, W3, b3)
+      probs = softmax::forward(out3)
+
+      if (i==1) {
+        # Compute loss
+        loss = cross_entropy_loss::forward(probs, y_batch)
+        accuracy = mean(rowIndexMax(probs) == rowIndexMax(y_batch))
+
+        # Compute validation loss & accuracy
+        probs_val = predict(X_train, W1, b1, W2, b2, W3, b3)
+        loss_val = cross_entropy_loss::forward(probs_val, y_train)
+        accuracy_val = mean(rowIndexMax(probs_val) == rowIndexMax(y_train))
+
+        # Output results
+        print("Epoch: " + e + ", Iter: " + i + ", Train Loss: " + loss + ", Train Accuracy: "
+        + accuracy + ", Val Loss: " + loss_val + ", Val Accuracy: " + accuracy_val)
+      }
+
+      # Compute backward pass
+      ## loss:
+      dprobs = cross_entropy_loss::backward(probs, y_batch)
+      ## layer 3:
+      dout3 = softmax::backward(dprobs, out3)
+      [doutr2, dW3, db3] = affine::backward(dout3, outr2, W3, b3)
+      ## layer 2:
+      dout2 = relu::backward(doutr2, out2)
+      [doutd1, dW2, db2] = affine::backward(dout2, outd1, W2, b2)
+      ## layer 1:
+      doutr1 = dropout::backward(doutd1, outr1, p, maskd1)
+      dout1 = relu::backward(doutr1, out1)
+      [dX_batch, dW1, db1] = affine::backward(dout1, X_batch, W1, b1)
+
+      # Optimize with Adam
+      [W1, mW1, vW1] = adam::update(W1, dW1, lr, beta1, beta2, epsilon, adam_t, mW1, vW1)
+      [b1, mb1, vb1] = adam::update(b1, db1, lr, beta1, beta2, epsilon, adam_t, mb1, vb1)
+      [W2, mW2, vW2] = adam::update(W2, dW2, lr, beta1, beta2, epsilon, adam_t, mW2, vW2)
+      [b2, mb2, vb2] = adam::update(b2, db2, lr, beta1, beta2, epsilon, adam_t, mb2, vb2)
+      [W3, mW3, vW3] = adam::update(W3, dW3, lr, beta1, beta2, epsilon, adam_t, mW3, vW3)
+      [b3, mb3, vb3] = adam::update(b3, db3, lr, beta1, beta2, epsilon, adam_t, mb3, vb3)
+    }
+
+    # Decay learning rate
+    adam_t = adam_t + 1
+    lr = initial_lr * (1 / (1 + decay * e))
+  }
+}
+
+# Computes the class probability predictions of a softmax classifier
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# test_val     Matrix    ---      input data matrix, of shape (N, D) each with D features
+# W            Matrix             weights (parameters) matrix, of shape (D, M, 3).
+# b            Matrix             biases vector, of shape (1, M, 3).
+# ---------------------------------------------------------------------------------------------
+# probs        Matrix             class probabilities of shape (N, K)
+
+predict = function(matrix[double] test_val,
+                    matrix[double] W1, matrix[double] b1,
+                    matrix[double] W2, matrix[double] b2,
+                    matrix[double] W3, matrix[double] b3)
+              return (matrix[double] probs) {
+
+  N = nrow(test_val)
+  K = ncol(W3) # num features
+
+  # Network:
+  # batch -> affine1 -> relu1 -> affine2 -> relu2 -> affine3 -> softmax
+  # Compute predictions over mini-batches
+
+  probs = matrix(0, rows=N, cols=K)
+
+  batch_size = 128
+  iters = ceil(N / batch_size)
+  for(i in 1:iters) {
+    # Get next batch
+    beg = ((i-1) * batch_size) %% N + 1
+    end = min(N, beg + batch_size - 1)
+    end = min(end, N)
+    X_batch = test_val[beg:end,]
+
+    # Compute forward pass
+    ## layer 1:
+    out1 = affine::forward(X_batch, W1, b1)
+    outr1 = relu::forward(out1)
+    ## layer 2:
+    out2 = affine::forward(outr1, W2, b2)
+    outr2 = relu::forward(out2)
+    ## layer 3:
+    out3 = affine::forward(outr2, W3, b3)
+    probs_batch = softmax::forward(out3)
+
+    # Store predictions
+    probs[beg:end,] = probs_batch
+  }
+}
+
+# Evaluates the performance of the network.
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# probs        Matrix             class probabilities of shape (N, K) (one-hot encoded)
+# Y            Matrix             target matrix of shape (N, K)
+# ---------------------------------------------------------------------------------------------
+# loss         double             scalar loss, of shape (1)
+# accuracy     double             scalar accuracy, of shape (1)
+# f1 score     double             scalar f1 score, of shape (1)
+# precision    double             scalar precission, of shape (1)
+# recall       double             scalar recall, of shape (1)
+
+eval = function(matrix[double] probs, matrix[double] Y)
+  return (double loss, double accuracy, double f1, double precision, double recall) {
+  # Compute loss & accuracy
+  loss = cross_entropy_loss::forward(probs, Y)
+  correct_pred = rowIndexMax(probs) == rowIndexMax(Y)
+  accuracy = mean(correct_pred)
+
+  #calc f1 score
+  rows = nrow(Y)
+  cols = ncol(Y)
+  predBooleanMatrix = matrix(0, rows=rows, cols=cols)
+  for ( i in 1:rows) {
+    predBooleanMatrix[i, as.scalar(rowIndexMax(probs[i,1:cols]))] = 1
+  }
+  [f1, precision, recall] = evaluation::f1(predBooleanMatrix, Y)
+}
diff --git a/scripts/builtin/sherlockPredict.dml b/scripts/builtin/sherlockPredict.dml
new file mode 100644
index 0000000..9db9251
--- /dev/null
+++ b/scripts/builtin/sherlockPredict.dml
@@ -0,0 +1,96 @@
+#-------------------------------------------------------------
+#
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you 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.
+#
+#-------------------------------------------------------------
+source("scripts/builtin/sherlockNet.dml") as sherlockNet
+
+# Implements prediction and evaluation phase of Sherlock: 
+# A Deep Learning Approach to Semantic Data Type Detection
+#
+# [Hulsebos, Madelon, et al. "Sherlock: A deep learning approach to semantic data type detection." 
+# Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining. 
+# 2019.]
+
+# Split feature matrix into four different feature categories and predicting the class probability
+# on the respective features. Then combine all predictions for final predicted probabilities.
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# X            Matrix    ---      matrix of values which are to be classified
+# cW           Matrix    ---      weights (parameters) matrices for character distribtions
+# cb           Matrix    ---      biases vectors for character distribtions
+# wW           Matrix    ---      weights (parameters) matrices for word embeddings
+# wb           Matrix    ---      biases vectors for word embeddings
+# pW           Matrix    ---      weights (parameters) matrices for paragraph vectors
+# pb           Matrix    ---      biases vectors for paragraph vectors
+# sW           Matrix    ---      weights (parameters) matrices for global statistics
+# sb           Matrix    ---      biases vectors for global statistics
+# fW           Matrix    ---      weights (parameters) matrices for  combining all trained features (final)
+# fb           Matrix    ---      biases vectors for combining all trained features (final)
+# ---------------------------------------------------------------------------------------------
+# probs        Matrix             class probabilities of shape (N, K)
+
+m_sherlockPredict = function(matrix[double] X,
+            matrix[double] cW1, matrix[double] cb1,
+            matrix[double] cW2, matrix[double] cb2,
+            matrix[double] cW3, matrix[double] cb3,
+            matrix[double] wW1, matrix[double] wb1,
+            matrix[double] wW2, matrix[double] wb2,
+            matrix[double] wW3, matrix[double] wb3,
+            matrix[double] pW1, matrix[double] pb1,
+            matrix[double] pW2, matrix[double] pb2,
+            matrix[double] pW3, matrix[double] pb3,
+            matrix[double] sW1, matrix[double] sb1,
+            matrix[double] sW2, matrix[double] sb2,
+            matrix[double] sW3, matrix[double] sb3,
+            matrix[double] fW1, matrix[double] fb1,
+            matrix[double] fW2, matrix[double] fb2,
+            matrix[double] fW3, matrix[double] fb3)
+      return (matrix[double] probs) {
+
+  rows = nrow(X)
+
+  cprobs = sherlockNet::predict(X[1:rows, 224:1183], cW1, cb1, cW2, cb2, cW3, cb3)
+  wprobs = sherlockNet::predict(cbind(X[1:rows, 13:212], X[1:rows, 1188]), wW1,wb1, wW2, wb2, wW3, wb3)
+  pprobs = sherlockNet::predict(X[1:rows, 1189:1588], pW1, pb1, pW2, pb2, pW3, pb3)
+  sprobs = sherlockNet::predict(cbind(X[1:rows, 1:12], X[1:rows, 213:223], X[1:rows, 1184:1187]), sW1, sb1, sW2, sb2, sW3, sb3)
+
+  first_predictions = cbind(cprobs, wprobs, pprobs, sprobs)
+  #final training
+  probs = sherlockNet::predict(first_predictions, fW1, fb1, fW2, fb2, fW3, fb3)
+}
+
+# Evaluates the performance of the network.
+# ---------------------------------------------------------------------------------------------
+# NAME         TYPE      DEFAULT  MEANING
+# ---------------------------------------------------------------------------------------------
+# probs        Matrix             class probabilities of shape (N, K) (one-hot encoded)
+# Y            Matrix             target matrix of shape (N, K)
+# ---------------------------------------------------------------------------------------------
+# loss         double             scalar loss, of shape (1)
+# accuracy     double             scalar accuracy, of shape (1)
+# f1 score     double             scalar f1 score, of shape (1)
+# precision    double             scalar precission, of shape (1)
+# recall       double             scalar recall, of shape (1)
+
+eval = function(matrix[double] probs, matrix[double] Y)
+  return (double loss, double accuracy, double f1, double precision, double recall) {
+
+  [loss, accuracy, f1, precision, recall] = sherlockNet::eval(probs, Y)
+}
diff --git a/src/main/java/org/apache/sysds/common/Builtins.java b/src/main/java/org/apache/sysds/common/Builtins.java
index 377d6e5..8854f69 100644
--- a/src/main/java/org/apache/sysds/common/Builtins.java
+++ b/src/main/java/org/apache/sysds/common/Builtins.java
@@ -210,6 +210,8 @@ public enum Builtins {
 	SAMPLE("sample", false),
 	SD("sd", false),
 	SEQ("seq", false),
+	SHERLOCK("sherlock", true),
+	SHERLOCKPREDICT("sherlockPredict", true),
 	SIGMOID("sigmoid", true),   // 1 / (1 + exp(-X))
 	SIGN("sign", false),
 	SIN("sin", false),
diff --git a/src/main/java/org/apache/sysds/runtime/util/UtilFunctions.java b/src/main/java/org/apache/sysds/runtime/util/UtilFunctions.java
index fa0fc1e..b9a43d4 100644
--- a/src/main/java/org/apache/sysds/runtime/util/UtilFunctions.java
+++ b/src/main/java/org/apache/sysds/runtime/util/UtilFunctions.java
@@ -33,7 +33,18 @@ import org.apache.sysds.runtime.meta.TensorCharacteristics;
 
 import java.text.ParseException;
 import java.text.SimpleDateFormat;
-import java.util.*;
+import java.util.ArrayList;
+import java.util.Arrays;
+import java.util.BitSet;
+import java.util.HashMap;
+import java.util.HashSet;
+import java.util.LinkedHashSet;
+import java.util.List;
+import java.util.Map;
+import java.util.Random;
+import java.util.Set;
+import java.util.regex.Matcher;
+import java.util.regex.Pattern;
 
 public class UtilFunctions {
 	// private static final Log LOG = LogFactory.getLog(UtilFunctions.class.getName());
@@ -852,17 +863,76 @@ public class UtilFunctions {
 			.map(DATE_FORMATS::get).orElseThrow(() -> new NullPointerException("Unknown date format."));
 	}
 
-	 public static double jaccardSim(String x, String y) {
+	public static FrameBlock getSplittedString (String input) {
+		//Frame f = new Frame();
+		String[] string_array = input.split("'[ ]*,[ ]*'");
+		ValueType[] schema = new ValueType[string_array.length];
+		for(int i=0; i< string_array.length; i++)
+			schema[i] = ValueType.STRING;
+		FrameBlock fb = new FrameBlock(schema);
+		fb.appendRow(string_array);
+		List<String>r = Arrays.asList(string_array);
+		System.out.println("converted FrameBlock: " + fb.toString());
+		return fb;//.subList(0,2);
+	}
+
+	public static String[] getSplittedStringAsArray (String input) {
+		//Frame f = new Frame();
+		String[] string_array = input.split("'[ ]*,[ ]*'");
+		return string_array;//.subList(0,2);
+	}
+	
+	public static double jaccardSim(String x, String y) {
 		Set<String> charsX = new LinkedHashSet<>(Arrays.asList(x.split("(?!^)")));
 		Set<String> charsY = new LinkedHashSet<>(Arrays.asList(y.split("(?!^)")));
-
+	
 		final int sa = charsX.size();
 		final int sb = charsY.size();
 		charsX.retainAll(charsY);
 		final int intersection = charsX.size();
 		return 1d / (sa + sb - charsX.size()) * intersection;
 	}
-
+	
+	public static String columnStringToCSVString(String input, String separator) {
+		StringBuffer sb = new StringBuffer(input);
+		StringBuilder outStringBuilder = new StringBuilder();
+		String[] string_array;
+		
+		// remove leading and trailing brackets: []
+		int startOfArray = sb.indexOf("\"[");
+		if (startOfArray >=0)
+		  sb.delete(startOfArray, startOfArray + 2);
+		
+		
+		int endOfArray = sb.lastIndexOf("]\"");
+		if (endOfArray >=0) 
+		  sb.delete(endOfArray, endOfArray + 2);
+		
+	
+		// split values depending on their format
+		if (sb.indexOf("'") != -1) { // string contains strings
+		  // replace "None" with "'None'"
+		  Pattern p = Pattern.compile(", None,");
+		  Matcher m = p.matcher(sb);
+		  string_array = m.replaceAll(", 'None',").split("'[ ]*,[ ]*'");
+		
+		  // remove apostrophe in first and last string element
+		  string_array[0] = string_array[0].replaceFirst("'", "");
+		  int lastArrayIndex = string_array.length - 1;
+		  string_array[lastArrayIndex] = string_array[lastArrayIndex]
+				.substring(0, string_array[lastArrayIndex].length() - 1);
+		} 
+		else  // string contains numbers only
+		  string_array = sb.toString().split(",");
+	
+		// select a suitable separator that can be used to read in the file properly
+		for(String s : string_array) 
+			outStringBuilder.append(s).append(separator);
+		
+		outStringBuilder.delete(outStringBuilder.length() - separator.length(), outStringBuilder.length());
+		return outStringBuilder.toString();
+	}
+	
 	/**
 	 * Generates a random FrameBlock with given parameters.
 	 * 
@@ -872,7 +942,7 @@ public class UtilFunctions {
 	 * @param random random number generator
 	 * @return FrameBlock
 	 */
-	public static FrameBlock generateRandomFrameBlock(int rows, int cols, ValueType[] schema, Random random){
+	public static FrameBlock generateRandomFrameBlock(int rows, int cols, ValueType[] schema, Random random) {
 		String[] names = new String[cols];
 		for(int i = 0; i < cols; i++)
 			names[i] = schema[i].toString();
@@ -891,7 +961,7 @@ public class UtilFunctions {
 	 * @param random random number generator
 	 * @return Object
 	 */
-	public static Object generateRandomValueFromValueType(ValueType valueType, Random random){
+	public static Object generateRandomValueFromValueType(ValueType valueType, Random random) {
 		switch (valueType){
 			case FP32:    return random.nextFloat();
 			case FP64:    return random.nextDouble();
diff --git a/src/main/python/systemds/examples/tutorials/sherlockData.py b/src/main/python/systemds/examples/tutorials/sherlockData.py
new file mode 100644
index 0000000..760b455
--- /dev/null
+++ b/src/main/python/systemds/examples/tutorials/sherlockData.py
@@ -0,0 +1,108 @@
+#!/usr/bin/env python3
+# -------------------------------------------------------------
+#
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you 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 os
+from google_drive_downloader import GoogleDriveDownloader as gd
+import pandas as pd
+
+class SherlockData:
+  '''
+  This data set holds data for semantic data type detection.
+
+  The data can be used to train and test the sherlock network implemented in sherlock.dml
+  The X_*.csv files have to be processed with the function: sherlock::transform_values()
+  The y_*.csv files have to be processed with the function: \n
+    sherlock::transform_encode_labels() to encode the output categories to numbers.\n
+    sherlock::transform_apply_labels() is used to apply the above created encoding to the remaining input files.
+  The processed files can then be used to train the network: \n
+    sherlock(X_train, y_train)
+  '''
+
+  _base_path: str
+  _processed_dir: str
+  _raw_dir: str
+
+  def __init__(self):
+    self._base_path = "systemds/examples/tutorials/sherlock/"
+    self._processed_dir = "data/processed/"
+    self._raw_dir = "data/raw/"
+
+  def parquet_to_csv(self, parquetfile):
+    print(f'got file: {parquetfile}')
+    df = pd.read_parquet(parquetfile)
+    dest_name = str(parquetfile).replace("parquet", "csv")
+    df.to_csv(dest_name)
+
+  def get_train_values(self, processed):
+    return self._get_values(processed=processed, type="train")
+
+  def get_val_values(self, processed):
+    return self._get_values(processed=processed, type="val")
+
+  def get_test_values(self, processed):
+    return self._get_values(processed=processed, type="test")
+
+  def get_train_labels(self, processed):
+    return self._get_labels(processed=processed, type="train")
+
+  def get_val_labels(self, processed):
+    return self._get_labels(processed=processed, type="val")
+
+  def get_test_labels(self, processed):
+    return self._get_labels(processed=processed, type="test")
+
+  def _get_values(self, processed, type):
+    filename_parquet = self._base_path
+    filename_parquet += self._processed_dir + "X_{}.parquet".format(type) \
+      if processed ==True else self._raw_dir + "/{}_values.parquet".format(type)
+
+    if not os.path.exists(filename_parquet):
+      self._download_data(self._base_path)
+    return pd.read_parquet(filename_parquet)
+
+  def _get_labels(self, processed, type):
+    filename_parquet = self._base_path
+    filename_parquet += self._processed_dir + "y_{}.parquet".format(type) \
+      if processed ==True else self._raw_dir + "{}_labels.parquet".format(type)
+
+    if not os.path.exists(filename_parquet):
+      self._download_data(self._base_path)
+    return pd.read_parquet(filename_parquet)
+
+    def _download_data(self, data_dir):
+      """Download raw and preprocessed data files.
+      The data is downloaded from Google Drive and stored in the 'data/' directory.
+      """
+    print(f"Downloading the raw and preprocessed data into {data_dir}.")
+
+    if not os.path.exists(data_dir + "data"):
+      os.makedirs(data_dir, exist_ok=True)
+      print('Downloading data directory.')
+      filename = data_dir + "data.zip"
+      gd.download_file_from_google_drive(
+        file_id='1-g0zbKFAXz7zKZc0Dnh74uDBpZCv4YqU',
+        dest_path=filename,
+        unzip=True,
+        showsize=True
+      )
+
+    print('Data was downloaded.')
diff --git a/src/test/java/org/apache/sysds/test/functions/binary/frame/FrameMapTest.java b/src/test/java/org/apache/sysds/test/functions/binary/frame/FrameMapTest.java
index 602be07..ca25988 100644
--- a/src/test/java/org/apache/sysds/test/functions/binary/frame/FrameMapTest.java
+++ b/src/test/java/org/apache/sysds/test/functions/binary/frame/FrameMapTest.java
@@ -22,6 +22,7 @@ package org.apache.sysds.test.functions.binary.frame;
 import org.apache.sysds.common.Types;
 import org.apache.sysds.common.Types.FileFormat;
 import org.apache.sysds.lops.LopProperties.ExecType;
+import org.apache.sysds.runtime.io.FileFormatPropertiesCSV;
 import org.apache.sysds.runtime.io.FrameWriterFactory;
 import org.apache.sysds.runtime.matrix.data.FrameBlock;
 import org.apache.sysds.runtime.util.UtilFunctions;
@@ -46,7 +47,8 @@ public class FrameMapTest extends AutomatedTestBase {
 		CHAR_AT,
 		REPLACE,
 		UPPER_CASE,
-		DATE_UTILS
+		DATE_UTILS,
+		SHERLOCK_PREP
 	}
 	@BeforeClass
 	public static void init() {
@@ -109,6 +111,12 @@ public class FrameMapTest extends AutomatedTestBase {
 		runDmlMapTest("x -> UtilFunctions.toMillis(x)", TestType.DATE_UTILS, ExecType.SPARK);
 	}
 
+	@Test
+	public void testColumnStringToSherlockFeatures() {
+		runDmlMapTest("x -> UtilFunctions.columnStringToCSVString(x,\"§§\")", TestType.SHERLOCK_PREP, ExecType.SPARK);
+	}
+
+
 	private void runDmlMapTest( String expression, TestType type, ExecType et)
 	{
 		Types.ExecMode platformOld = setExecMode(et);
@@ -128,6 +136,14 @@ public class FrameMapTest extends AutomatedTestBase {
 				FrameWriterFactory.createFrameWriter(FileFormat.CSV).
 					writeFrameToHDFS(new FrameBlock(schemaStrings1, date), input("A"), rows2, 1);
 			}
+			else if(type == TestType.SHERLOCK_PREP) {
+				String[][] data = new String[1][1];
+				data[0][0] =  "\"['Global', 'United States', 'Australia']\"";
+        FileFormatPropertiesCSV ffp = new FileFormatPropertiesCSV();
+        ffp.setDelim(";");
+				FrameWriterFactory.createFrameWriter(FileFormat.CSV, ffp).
+					writeFrameToHDFS(new FrameBlock(schemaStrings1, data), input("A"), 1, 1);
+			}
 			else {
 				double[][] A = getRandomMatrix(rows, 1, 0, 1, 1, 2);
 				writeInputFrameWithMTD("A", A, true, schemaStrings1, FileFormat.CSV);
@@ -164,6 +180,10 @@ public class FrameMapTest extends AutomatedTestBase {
 					for(int i =0; i<input.length; i++)
 						TestUtils.compareScalars(String.valueOf(UtilFunctions.toMillis(input[i])), output[i]);
 					break;
+				case SHERLOCK_PREP:
+					for(int i =0; i<input.length; i++) 
+						TestUtils.compareScalars(UtilFunctions.columnStringToCSVString(input[i],"§§"), output[i]);
+					break;
 			}
 		}
 		catch (Exception ex) {
diff --git a/src/test/java/org/apache/sysds/test/functions/builtin/BuiltinSherlockPredictTest.java b/src/test/java/org/apache/sysds/test/functions/builtin/BuiltinSherlockPredictTest.java
new file mode 100644
index 0000000..35d2a65
--- /dev/null
+++ b/src/test/java/org/apache/sysds/test/functions/builtin/BuiltinSherlockPredictTest.java
@@ -0,0 +1,100 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you 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 org.apache.sysds.test.functions.builtin;
+
+import org.apache.sysds.runtime.matrix.data.MatrixValue;
+import org.apache.sysds.test.AutomatedTestBase;
+import org.apache.sysds.test.TestConfiguration;
+import org.junit.Assert;
+import org.junit.Test;
+
+import java.util.ArrayList;
+import java.util.HashMap;
+import java.util.List;
+
+public class BuiltinSherlockPredictTest extends AutomatedTestBase {
+	private final static String TEST_NAME = "sherlockPredict";
+	private final static String TEST_DIR = "functions/builtin/";
+	private final static String TEST_CLASS_DIR = TEST_DIR + BuiltinSherlockPredictTest.class.getSimpleName() + "/";
+	private final static String WEIGHTS_DIR = SCRIPT_DIR + TEST_DIR + "data/sherlockWeights/";
+	
+	@Override public void setUp() {
+		addTestConfiguration(TEST_NAME, new TestConfiguration(TEST_CLASS_DIR, TEST_NAME, new String[] {"B"}));
+	}
+	
+	@Test public void testSherlockPredict() {
+		runTestSherlockPredict();
+	}
+	
+	private void runTestSherlockPredict() {
+		loadTestConfiguration(getTestConfiguration(TEST_NAME));
+		String HOME = SCRIPT_DIR + TEST_DIR;
+		fullDMLScriptName = HOME + TEST_NAME + ".dml";
+		
+		List<String> proArgs = new ArrayList<>();
+		proArgs.add("-exec");
+		proArgs.add(" singlenode");
+		proArgs.add("-nvargs");
+		proArgs.add("X=" + input("X"));
+		proArgs.add("cW1=" + WEIGHTS_DIR + "cW1.ijv");
+		proArgs.add("cb1=" + WEIGHTS_DIR + "cb1.ijv");
+		proArgs.add("cW2=" + WEIGHTS_DIR + "cW2.ijv");
+		proArgs.add("cb2=" + WEIGHTS_DIR + "cb2.ijv");
+		proArgs.add("cW3=" + WEIGHTS_DIR + "cW3.ijv");
+		proArgs.add("cb3=" + WEIGHTS_DIR + "cb3.ijv");
+		proArgs.add("wW1=" + WEIGHTS_DIR + "wW1.ijv");
+		proArgs.add("wb1=" + WEIGHTS_DIR + "wb1.ijv");
+		proArgs.add("wW2=" + WEIGHTS_DIR + "wW2.ijv");
+		proArgs.add("wb2=" + WEIGHTS_DIR + "wb2.ijv");
+		proArgs.add("wW3=" + WEIGHTS_DIR + "wW3.ijv");
+		proArgs.add("wb3=" + WEIGHTS_DIR + "wb3.ijv");
+		proArgs.add("pW1=" + WEIGHTS_DIR + "pW1.ijv");
+		proArgs.add("pb1=" + WEIGHTS_DIR + "pb1.ijv");
+		proArgs.add("pW2=" + WEIGHTS_DIR + "pW2.ijv");
+		proArgs.add("pb2=" + WEIGHTS_DIR + "pb2.ijv");
+		proArgs.add("pW3=" + WEIGHTS_DIR + "pW3.ijv");
+		proArgs.add("pb3=" + WEIGHTS_DIR + "pb3.ijv");
+		proArgs.add("sW1=" + WEIGHTS_DIR + "sW1.ijv");
+		proArgs.add("sb1=" + WEIGHTS_DIR + "sb1.ijv");
+		proArgs.add("sW2=" + WEIGHTS_DIR + "sW2.ijv");
+		proArgs.add("sb2=" + WEIGHTS_DIR + "sb2.ijv");
+		proArgs.add("sW3=" + WEIGHTS_DIR + "sW3.ijv");
+		proArgs.add("sb3=" + WEIGHTS_DIR + "sb3.ijv");
+		proArgs.add("fW1=" + WEIGHTS_DIR + "fW1.ijv");
+		proArgs.add("fb1=" + WEIGHTS_DIR + "fb1.ijv");
+		proArgs.add("fW2=" + WEIGHTS_DIR + "fW2.ijv");
+		proArgs.add("fb2=" + WEIGHTS_DIR + "fb2.ijv");
+		proArgs.add("fW3=" + WEIGHTS_DIR + "fW3.ijv");
+		proArgs.add("fb3=" + WEIGHTS_DIR + "fb3.ijv");
+		proArgs.add("probs=" + output("probs"));
+		programArgs = proArgs.toArray(new String[0]);
+		
+		double[][] X = getRandomMatrix(256, 1588, 0, 3, 0.9, 7);
+		
+		writeInputMatrixWithMTD("X", X, true);
+		runTest(true, EXCEPTION_NOT_EXPECTED, null, -1);
+		
+
+		//read probs
+		HashMap<MatrixValue.CellIndex, Double> probs = readDMLMatrixFromOutputDir("probs");
+		//		ToDo: add check to pass/fail this test
+		Assert.assertFalse(probs.isEmpty());
+	}
+}
diff --git a/src/test/java/org/apache/sysds/test/functions/builtin/BuiltinSherlockTest.java b/src/test/java/org/apache/sysds/test/functions/builtin/BuiltinSherlockTest.java
new file mode 100644
index 0000000..e1ba245
--- /dev/null
+++ b/src/test/java/org/apache/sysds/test/functions/builtin/BuiltinSherlockTest.java
@@ -0,0 +1,129 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you 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 org.apache.sysds.test.functions.builtin;
+
+import org.apache.sysds.runtime.matrix.data.MatrixValue;
+import org.apache.sysds.test.AutomatedTestBase;
+import org.apache.sysds.test.TestConfiguration;
+import org.apache.sysds.test.TestUtils;
+import org.junit.Test;
+
+import java.util.ArrayList;
+import java.util.HashMap;
+import java.util.List;
+
+public class BuiltinSherlockTest extends AutomatedTestBase {
+  private final static String TEST_NAME = "sherlock";
+  private final static String TEST_DIR = "functions/builtin/";
+  private final static String TEST_CLASS_DIR = TEST_DIR + BuiltinSherlockTest.class.getSimpleName() + "/";
+
+  @Override public void setUp() {
+    TestUtils.clearAssertionInformation();
+    addTestConfiguration(TEST_NAME, new TestConfiguration(TEST_CLASS_DIR, TEST_NAME, new String[] {"B"}));
+  }
+
+  @Test public void testSherlock() {
+    runtestSherlock();
+  }
+
+  private void runtestSherlock() {
+    loadTestConfiguration(getTestConfiguration(TEST_NAME));
+    String HOME = SCRIPT_DIR + TEST_DIR;
+    fullDMLScriptName = HOME + TEST_NAME + ".dml";
+
+    List<String> proArgs = new ArrayList<>();
+    proArgs.add("-exec");
+    proArgs.add(" singlenode");
+    proArgs.add("-nvargs");
+    proArgs.add("X=" + input("X"));
+    proArgs.add("Y=" + input("Y"));
+
+    proArgs.add("cW1=" + output("cW1"));
+    proArgs.add("cb1=" + output("cb1"));
+    proArgs.add("cW2=" + output("cW2"));
+    proArgs.add("cb2=" + output("cb2"));
+    proArgs.add("cW3=" + output("cW3"));
+    proArgs.add("cb3=" + output("cb3"));
+    proArgs.add("wW1=" + output("wW1"));
+    proArgs.add("wb1=" + output("wb1"));
+    proArgs.add("wW2=" + output("wW2"));
+    proArgs.add("wb2=" + output("wb2"));
+    proArgs.add("wW3=" + output("wW3"));
+    proArgs.add("wb3=" + output("wb3"));
+    proArgs.add("pW1=" + output("pW1"));
+    proArgs.add("pb1=" + output("pb1"));
+    proArgs.add("pW2=" + output("pW2"));
+    proArgs.add("pb2=" + output("pb2"));
+    proArgs.add("pW3=" + output("pW3"));
+    proArgs.add("pb3=" + output("pb3"));
+    proArgs.add("sW1=" + output("sW1"));
+    proArgs.add("sb1=" + output("sb1"));
+    proArgs.add("sW2=" + output("sW2"));
+    proArgs.add("sb2=" + output("sb2"));
+    proArgs.add("sW3=" + output("sW3"));
+    proArgs.add("sb3=" + output("sb3"));
+    proArgs.add("fW1=" + output("fW1"));
+    proArgs.add("fb1=" + output("fb1"));
+    proArgs.add("fW2=" + output("fW2"));
+    proArgs.add("fb2=" + output("fb2"));
+    proArgs.add("fW3=" + output("fW3"));
+    proArgs.add("fb3=" + output("fb3"));
+    programArgs = proArgs.toArray(new String[proArgs.size()]);
+
+    double[][] X = getRandomMatrix(256, 1588, 0, 3, 0.9, 7);
+    double[][] Y = getRandomMatrix(256, 78, 0, 1, 0.9, 7);
+
+    writeInputMatrixWithMTD("X", X, true);
+    writeInputMatrixWithMTD("Y", Y, true);
+    runTest(true, EXCEPTION_NOT_EXPECTED, null, -1);
+
+    //compare expected results
+    HashMap<MatrixValue.CellIndex, Double> cW1 = readDMLMatrixFromOutputDir("cW1");
+    HashMap<MatrixValue.CellIndex, Double> cb1 = readDMLMatrixFromOutputDir("cb1");
+    HashMap<MatrixValue.CellIndex, Double> cW2 = readDMLMatrixFromOutputDir("cW2");
+    HashMap<MatrixValue.CellIndex, Double> cb2 = readDMLMatrixFromOutputDir("cb2");
+    HashMap<MatrixValue.CellIndex, Double> cW3 = readDMLMatrixFromOutputDir("cW3");
+    HashMap<MatrixValue.CellIndex, Double> cb3 = readDMLMatrixFromOutputDir("cb3");
+    HashMap<MatrixValue.CellIndex, Double> wW1 = readDMLMatrixFromOutputDir("wW1");
+    HashMap<MatrixValue.CellIndex, Double> wb1 = readDMLMatrixFromOutputDir("wb1");
+    HashMap<MatrixValue.CellIndex, Double> wW2 = readDMLMatrixFromOutputDir("wW2");
+    HashMap<MatrixValue.CellIndex, Double> wb2 = readDMLMatrixFromOutputDir("wb2");
+    HashMap<MatrixValue.CellIndex, Double> wW3 = readDMLMatrixFromOutputDir("wW3");
+    HashMap<MatrixValue.CellIndex, Double> wb3 = readDMLMatrixFromOutputDir("wb3");
+    HashMap<MatrixValue.CellIndex, Double> pW1 = readDMLMatrixFromOutputDir("pW1");
+    HashMap<MatrixValue.CellIndex, Double> pb1 = readDMLMatrixFromOutputDir("pb1");
+    HashMap<MatrixValue.CellIndex, Double> pW2 = readDMLMatrixFromOutputDir("pW2");
+    HashMap<MatrixValue.CellIndex, Double> pb2 = readDMLMatrixFromOutputDir("pb2");
+    HashMap<MatrixValue.CellIndex, Double> pW3 = readDMLMatrixFromOutputDir("pW3");
+    HashMap<MatrixValue.CellIndex, Double> pb3 = readDMLMatrixFromOutputDir("pb3");
+    HashMap<MatrixValue.CellIndex, Double> sW1 = readDMLMatrixFromOutputDir("sW1");
+    HashMap<MatrixValue.CellIndex, Double> sb1 = readDMLMatrixFromOutputDir("sb1");
+    HashMap<MatrixValue.CellIndex, Double> sW2 = readDMLMatrixFromOutputDir("sW2");
+    HashMap<MatrixValue.CellIndex, Double> sb2 = readDMLMatrixFromOutputDir("sb2");
+    HashMap<MatrixValue.CellIndex, Double> sW3 = readDMLMatrixFromOutputDir("sW3");
+    HashMap<MatrixValue.CellIndex, Double> sb3 = readDMLMatrixFromOutputDir("sb3");
+    HashMap<MatrixValue.CellIndex, Double> fW1 = readDMLMatrixFromOutputDir("fW1");
+    HashMap<MatrixValue.CellIndex, Double> fb1 = readDMLMatrixFromOutputDir("fb1");
+    HashMap<MatrixValue.CellIndex, Double> fW2 = readDMLMatrixFromOutputDir("fW2");
+    HashMap<MatrixValue.CellIndex, Double> fb2 = readDMLMatrixFromOutputDir("fb2");
+    HashMap<MatrixValue.CellIndex, Double> fW3 = readDMLMatrixFromOutputDir("fW3");
+    HashMap<MatrixValue.CellIndex, Double> fb3 = readDMLMatrixFromOutputDir("fb3");
+  }
+}
diff --git a/src/test/scripts/functions/builtin/data/sherlockWeights/cW1.ijv b/src/test/scripts/functions/builtin/data/sherlockWeights/cW1.ijv
new file mode 100644
index 0000000..d73ee23
--- /dev/null
+++ b/src/test/scripts/functions/builtin/data/sherlockWeights/cW1.ijv
@@ -0,0 +1,288000 @@
+1 1 -0.012840630848732887
+1 2 -0.04383143699084857
+1 3 -0.06627608101231773
+1 4 -0.08575484476246778
+1 5 0.0041834306650834615
+1 6 0.05840684221226458
+1 7 -0.032934679349170014
+1 8 -0.0069418284921241545
+1 9 -0.0709976750972538
+1 10 0.012079909490199405
+1 11 0.005066253919734289
+1 12 -0.07652097684623148
+1 13 0.01678146899059378
+1 14 0.023051597457497283
+1 15 -0.10994631696463388
+1 16 -0.07787725069298622
+1 17 -0.11752261890948165
+1 18 0.03411595439231806
+1 19 0.1066373771347184
+1 20 -0.020337107364907854
+1 21 -0.003917950602216425
+1 22 -0.030460784535016976
+1 23 -0.01878877440281508
+1 24 -0.027349735852076524
+1 25 -0.12205264099450472
+1 26 -0.08296253535996682
+1 27 0.05539341455612475
+1 28 -0.23482707459769248
+1 29 -0.05003343243002869
+1 30 -0.022118852730449775
+1 31 -0.1402793180822458
+1 32 0.0022855571441360596
+1 33 -0.05619841247817766
+1 34 -0.2068799370053031
+1 35 -0.07503973176006337
+1 36 -0.03785749047602743
+1 37 -0.03854306041499214
+1 38 -0.03727141071783743
+1 39 0.004810316525254119
+1 40 -0.08222728817573605
+1 41 -0.025948312383422757
+1 42 -0.10287254606795229
+1 43 0.018617874614771487
+1 44 0.004829144399275411
+1 45 -0.14234043170282315
+1 46 -0.03752341977555239
+1 47 0.0020443960411986395
+1 48 -0.021487104170099414
+1 49 0.020514402680593635
+1 50 0.0670779403257417
+1 51 -0.02123963744026177
+1 52 -0.013100234354902584
+1 53 -0.05452143581995656
+1 54 -0.0357255033526199
+1 55 0.011723674685082288
+1 56 0.04178044226317729
+1 57 -0.06630198177675997
+1 58 0.07259355355698194
+1 59 -0.13083800604041013
+1 60 -0.1092186381151626
+1 61 0.07219993497638415
+1 62 -0.009591718123959241
+1 63 -0.10579715425555093
+1 64 0.09667370007224568
+1 65 -0.05259635204453887
+1 66 -0.06944286068965287
+1 67 0.012176945876984344
+1 68 -0.1460589622085018
+1 69 -0.11841425340209513
+1 70 -0.07112528230769513
+1 71 0.0013742813564174283
+1 72 -0.11078827463924851
+1 73 0.027365405991192474
+1 74 0.01921856047579241
+1 75 -0.1738308918235059
+1 76 0.03153426501716122
+1 77 0.03093941155526821
+1 78 -0.026695615741253436
+1 79 -0.1405475860513212
+1 80 -0.06641543115240445
+1 81 -0.04596733803941626
+1 82 0.014467855684726338
+1 83 -0.16227136341833015
+1 84 -0.09832419422839236
+1 85 -0.047896901515172105
+1 86 -0.014795150503791026
+1 87 -0.01277925240107092
+1 88 -0.03890126391604458
+1 89 0.15043719858849744
+1 90 0.008433802606348528
+1 91 -0.03145770886321873
+1 92 0.04115914943047266
+1 93 -0.1675331944656178
+1 94 -0.05625162016037205
+1 95 -0.04004878085721111
+1 96 -0.04824718593370901
+1 97 -0.11658932827373077
+1 98 0.08777174508644486
+1 99 0.04196315009700161
+1 100 0.07189490630113782
+1 101 -0.038286361412835264
+1 102 -0.11595012913221008
+1 103 -0.033458152280820073
+1 104 -0.12225199696679254
+1 105 0.019728767330532408
+1 106 -0.09236642167338242
+1 107 -0.08611700404521744
+1 108 0.1090409777162892
+1 109 -0.13371006815489342
+1 110 0.053932478700754474
+1 111 -0.09042271172173294
+1 112 -0.030752619908154748
+1 113 -0.10311807240976563
+1 114 -0.027655420114585962
+1 115 -0.044757014198851024
+1 116 -0.019540401566653088
+1 117 -0.0045174396500593855
+1 118 -0.07941690609823193
+1 119 -0.21125073969822936
+1 120 0.09040887611359816
+1 121 -0.09216082290071212
+1 122 -0.05898162427396216
+1 123 -0.14686190181575604
+1 124 -0.031078393273895527
+1 125 -0.05127678820525916
+1 126 -0.08190841219263853
+1 127 -0.04746160520293007
+1 128 -0.02817031049417328
+1 129 0.020952898606691903
+1 130 -0.07908756377443923
+1 131 -0.070638724190383
+1 132 -0.10882982702209182
+1 133 0.07346876325530281
+1 134 -0.035059755160926104
+1 135 0.025875710481737157
+1 136 -0.09380263160326258
+1 137 -0.007953158378889186
+1 138 0.012728095752381728
+1 139 -0.04254031102453594
+1 140 -0.02977613403410542
+1 141 -0.163532644620701
+1 142 0.0209905078610985
+1 143 -0.009744449228337341
+1 144 -0.0758657582004177
+1 145 -0.05163631109661602
+1 146 -0.09881035616842862
+1 147 -0.0806699026812455
+1 148 -0.06456402086694873
+1 149 -0.03219898409061595
+1 150 -0.13839665538751256
+1 151 -0.067743001235745
+1 152 0.03359881641526335
+1 153 0.035781770012708776
+1 154 5.150908611499742E-4
+1 155 0.01490560276133987
+1 156 -0.033457238181644526
+1 157 -0.06572504480093502
+1 158 -0.08455451653120483
+1 159 -0.19834043622256978
+1 160 -0.014101501261227459
+1 161 -0.15390181344825413
+1 162 0.12995981237104412
+1 163 0.05852384626100282
+1 164 -0.08807706280294368
+1 165 -0.056138212251430404
+1 166 -0.05801001181009704
+1 167 -6.089028057553788E-4
+1 168 -0.11861044539950365
+1 169 -0.07632106670320361
+1 170 -0.13554897835536386
+1 171 -0.15980532772668898
+1 172 0.012710813920058744
+1 173 -0.023473411532964356
+1 174 -0.02550106732189776
+1 175 0.002488003945637008
+1 176 0.0035335514270142306
+1 177 -0.1434143769365336
+1 178 -0.13400820120886336
+1 179 -0.05122778335842063
+1 180 -0.03378717133347388
+1 181 -0.05602714964858718
+1 182 0.030406755982719785
+1 183 -0.020429790737668124
+1 184 -0.14309580956211287
+1 185 -0.01575864036726466
+1 186 0.011807373315110678
+1 187 -0.03832304470430057
+1 188 0.009874976586231862
+1 189 0.0783662042922492
+1 190 -0.06275632199672486
+1 191 -0.06570230918933655
+1 192 -0.07389753484298739
+1 193 -0.025842324543240786
+1 194 -0.10719803260510842
+1 195 0.2081670001868784
+1 196 0.06886370389658523
+1 197 0.08761316783279195
+1 198 -0.08319335138562328
+1 199 0.007966686879760484
+1 200 -0.12343180684175108
+1 201 -0.04646438847461221
+1 202 -0.06870027157728353
+1 203 -0.0756985873501235
+1 204 -0.09113700773382742
+1 205 -0.2165033741256236
+1 206 -0.18182563405380817
+1 207 0.03359975095367163
+1 208 0.05547615009142343
+1 209 -0.09275350790458028
+1 210 -0.08005177780693988
+1 211 -0.02663914077370375
+1 212 -0.11385406444484546
+1 213 0.0703431342340213
+1 214 -0.15559470937308112
+1 215 -0.13980654626785527
+1 216 -0.09112622066211386
+1 217 -0.12276249277855901
+1 218 -0.011281218175419066
+1 219 -0.09918762950274594
+1 220 -0.12339115269160668
+1 221 -0.011792123818961792
+1 222 0.17835191370638193
+1 223 0.0870601138399024
+1 224 -6.014729747579698E-5
+1 225 -0.007251804787993342
+1 226 -0.14518041176273846
+1 227 1.3490576473717972E-4
+1 228 -0.06923512646856746
+1 229 -0.10873992103535127
+1 230 0.028141374708214394
+1 231 -0.05166701536686149
+1 232 -0.03393030390135666
+1 233 -0.06056298470488325
+1 234 -0.02127585261292376
+1 235 -0.002569242163214615
+1 236 -0.05002803595241834
+1 237 0.14022113579866785
+1 238 -0.060474150530518384
+1 239 -0.19200803618102236
+1 240 -0.0025092191880055396
+1 241 0.05185733395251308
+1 242 -0.05799211277608177
+1 243 -0.02315338178638549
+1 244 -0.0724673347588958
+1 245 -0.03218356355892014
+1 246 -0.018568447719030913
+1 247 -0.0655891682520442
+1 248 -0.03924273719673885
+1 249 0.0029056889381565447
+1 250 0.035755568632754
+1 251 -0.06901879871814609
+1 252 -0.05713901927453684
+1 253 -0.06919239502952046
+1 254 -0.14376151982273294
+1 255 -0.04984605432272042
+1 256 -0.021373062773979965
+1 257 0.046636798026711564
+1 258 -0.07690575378848881
+1 259 -0.12002440586559816
+1 260 0.10726154172333428
+1 261 -0.09299316515554126
+1 262 -0.09391955258546013
+1 263 -0.00519599998933759
+1 264 -0.0367169273123812
+1 265 -0.029973100496121088
+1 266 0.027715951345755482
+1 267 0.10168203307006389
+1 268 -0.02704374012848582
+1 269 -0.05157998378931402
+1 270 0.010781493477446252
+1 271 -0.08015504167363512
+1 272 0.01005503933371708
+1 273 0.06037120686865353
+1 274 -0.04676127753950418
+1 275 -0.07458212321269007
+1 276 -0.05089198251146602
+1 277 -0.05110570212935845
+1 278 -0.14342754298145144
+1 279 -0.12267858035629993
+1 280 -0.07796149654517126
+1 281 -0.055818648110638414
+1 282 0.020584682041193833
+1 283 -0.041169132199766055
+1 284 -0.06979231160326878
+1 285 -0.1589375648782991
+1 286 -0.060680976875155515
+1 287 -0.14012761463001233
+1 288 -0.11135166504737731
+1 289 0.07868517385689747
+1 290 0.0469313781691721
+1 291 0.032979811318498385
+1 292 -0.034639281850613185
+1 293 -0.16100237379052137
+1 294 -0.019196503486107516
+1 295 0.009770238367032958
+1 296 0.06536130905071807
+1 297 0.0027979241275429808
+1 298 -0.07710746179890167
+1 299 -0.13139496284206556
+1 300 0.06180719326958745
+2 1 -0.01984756213195412
+2 2 -0.06905902100192568
+2 3 -0.09948192813588606
+2 4 -0.06340249228399147
+2 5 -0.006564658631505566
+2 6 0.017165654945442255
+2 7 0.05367371682399318
+2 8 -0.06067447455081317
+2 9 -0.03687963722999438
+2 10 0.06070896583611726
+2 11 0.06922351779656559
+2 12 -0.05633681200042959
+2 13 -0.06104677544197415
+2 14 0.03113566244944622
+2 15 -0.0425007251600054
+2 16 -0.049930354047064876
+2 17 -0.0601539054847425
+2 18 0.07073801431082483
+2 19 -0.056511996804767824
+2 20 -0.11483808864648581
+2 21 0.05277220216114128
+2 22 0.03361448870278945
+2 23 0.05372507134098614
+2 24 -0.07324585121286828
+2 25 -0.04339540884165386
+2 26 -0.046168329929551326
+2 27 -0.12311687579945663
+2 28 -0.13458799888162987
+2 29 -0.0031011174376518263
+2 30 0.07009819092977114
+2 31 -0.04277316160895537
+2 32 -0.02367454572477547
+2 33 0.06748406752495732
+2 34 -0.045242720763319144
+2 35 0.022720980747980304
+2 36 -0.06473554865177814
+2 37 -0.03257369189139896
+2 38 0.018167665922378007
+2 39 -0.02593551154642372
+2 40 -0.13218837859238572
+2 41 0.0031871066507123376
+2 42 0.011642970162065404
+2 43 -0.042915863752930786
+2 44 -0.11025197293528124
+2 45 -0.01267171420463068
+2 46 0.004060009272910484
+2 47 0.02326383621890042
+2 48 -0.0038242309065749003
+2 49 -0.02819370148485431
+2 50 -0.05395959556079962
+2 51 0.015533789928485316
+2 52 0.005352623418218364
+2 53 -0.021436827195754984
+2 54 0.060040849327077636
+2 55 -0.07366593106088544
+2 56 0.060028329052227866
+2 57 -0.00812162764391693
+2 58 0.05258289304785786
+2 59 -0.17155203694696777
+2 60 -0.11453801630954381
+2 61 0.004453097679972264
+2 62 0.0024387147763087792
+2 63 -0.06348694980248315
+2 64 -0.011483815449521423
+2 65 0.017665974598413788
+2 66 -0.05698384258584163
+2 67 -0.0020017263969086155
+2 68 -0.11803666101043613
+2 69 -0.06458851969712633
+2 70 -0.026342829254499264
+2 71 0.010264891856409712
+2 72 -0.014729425523307638
+2 73 -0.09713941540807398
+2 74 -0.014571587065337068
+2 75 -0.027870120693377694
+2 76 0.021118168683152843
+2 77 0.004108760624484414
+2 78 -0.010310925287084705
+2 79 -0.027438342649722735
+2 80 -0.03778206173952444
+2 81 -0.12885758091025068
+2 82 -0.052819612652664015
+2 83 -0.09839125799996082
+2 84 0.01147251012635259
+2 85 -0.013895515753729014
+2 86 -0.03453721701135308
+2 87 0.07407894518234841
+2 88 -0.13416212784063583
+2 89 0.01532433554449636
+2 90 0.01769159687415336
+2 91 -0.009543304420835291
+2 92 -6.731025949006621E-4
+2 93 -0.05719364316244766
+2 94 -0.04520320392269804
+2 95 0.04915149744810688
+2 96 0.10414644648649928
+2 97 -0.058017270931469966
+2 98 -0.03656063132664927
+2 99 0.0033605453201837575
+2 100 -0.08733217211650285
+2 101 0.01648493889531951
+2 102 0.0021514725990438156
+2 103 0.014241768401010223
+2 104 0.0205022884546052
+2 105 -0.043797501570502266
+2 106 -0.06300379744084662
+2 107 0.05467893637501828
+2 108 -0.1422848262216576
+2 109 0.031984518376455454
+2 110 -0.031574124199352335
+2 111 0.06147977794608363
+2 112 -0.08292488938111021
+2 113 -0.04003556891823824
+2 114 0.009684711874235115
+2 115 -0.006869979620385814
+2 116 0.03368514546420157
+2 117 0.030215492887505295
+2 118 -0.03204135455111408
+2 119 0.0703700068932364
+2 120 0.09678300321467001
+2 121 0.012927270343872569
+2 122 0.011203620486637722
+2 123 0.04175841060847331
+2 124 -0.03806262754741723
+2 125 0.01616660055009725
+2 126 0.0032236194789678563
+2 127 -0.03268124823501935
+2 128 0.015052339722082185
+2 129 -0.038836774726118975
+2 130 0.06979890484362493
+2 131 0.01863203326172161
+2 132 -0.07081927751520722
+2 133 -0.03863515386163955
+2 134 -0.0061135834568852646
+2 135 -0.09913404897049101
+2 136 -0.05965147838858961
+2 137 0.034856516208978484
+2 138 -0.02879005243846643
+2 139 0.006005843958525977
+2 140 0.0186171582486046
+2 141 -0.174417872540613
+2 142 -0.07663409633201568
+2 143 0.01423964972481727
+2 144 -0.01831708355220024
+2 145 0.036166282305990734
+2 146 -0.032048175846329546
+2 147 -0.10018148735716725
+2 148 0.0890023962624389
+2 149 -0.0836400364123139
+2 150 0.005054335306398835
+2 151 -0.07336687022596355
+2 152 0.06246664195132601
+2 153 0.06209123007286397
+2 154 -0.12750969011775498
+2 155 -0.01882586499192418
+2 156 -0.11260790543750229
+2 157 0.004876262391246798
+2 158 -0.023637667118458144
+2 159 0.03049860324122975
+2 160 0.05394528960710719
+2 161 -0.0732234569824157
+2 162 0.032575059288974334
+2 163 -0.04079725863279433
+2 164 -0.023577187487649677
+2 165 -0.042624396483198546
+2 166 0.018534624283297964
+2 167 -0.044120435430618936
+2 168 -0.05184749663550465
+2 169 -0.012761299364433322
+2 170 0.06208459133970553
+2 171 -0.003688321517177902
+2 172 0.03055776070218019
+2 173 0.037416286227318095
+2 174 0.010139659358876712
+2 175 -0.0034872957142575325
+2 176 -0.004958392673483822
+2 177 -0.05610339523718956
+2 178 -0.0379000366077501
+2 179 -2.4052675343750848E-4
+2 180 -0.006977204930750011
+2 181 -0.05583668236300893
+2 182 -0.04218148553405521
+2 183 2.1975273301396388E-4
+2 184 -0.08454242001517268
+2 185 -0.01113498691194861
+2 186 0.07883962800071725
+2 187 0.025608818383760227
+2 188 0.02576942145186068
+2 189 0.013339541740157975
+2 190 0.030973291357622106
+2 191 -0.10114805326981038
+2 192 -0.04106331159551771
+2 193 -0.12457936799761427
+2 194 -0.024550648950602626
+2 195 0.044682409775524866
+2 196 -0.011132084323297474
+2 197 -0.003102913916287372
+2 198 -0.04490912153099128
+2 199 -0.008549423080267078
+2 200 0.006067585099154332
+2 201 0.03342605420287599
+2 202 0.006939637550078128
+2 203 0.04824565860347608
+2 204 0.03191837061960717
+2 205 -0.04350004939780585
+2 206 -0.048532458866965736
+2 207 -0.02624415442225245
+2 208 -0.06688819330153783
+2 209 0.08981426245791731
+2 210 -0.05466473530585191
+2 211 -0.029820896660195637
+2 212 -0.013335659026120732
+2 213 0.028793333673970373
+2 214 0.04258950354147727
+2 215 -0.02970263307056024
+2 216 0.0176318756723621
+2 217 -0.039554614783858015
+2 218 -0.05389557362970209
+2 219 0.047706847869689976
+2 220 -0.016247902263367565
+2 221 -0.006788621364342076
+2 222 -0.03305777244115765
+2 223 -0.06238232213924091
+2 224 -0.028878026508618242
+2 225 0.07472523584625325
+2 226 -0.03672688850246735
+2 227 0.02235971426590607
+2 228 0.04192316084073127
+2 229 0.07010895654952252
+2 230 0.03683971091617922
+2 231 -0.0050852491127716445
+2 232 0.06458616967681027
+2 233 -0.04710722641734439
+2 234 0.04455209571632677
+2 235 -0.022195888147407108
+2 236 -0.015785919148835478
+2 237 -0.004300959363400233
+2 238 0.05168024216069865
+2 239 0.009288754039589151
+2 240 -0.006516581201472613
+2 241 0.1332064568470716
+2 242 -0.006020129111314226
+2 243 0.08103370301644774
+2 244 0.03500663904150963
+2 245 -1.4429685787134693E-4
+2 246 -0.06401523723652312
+2 247 -0.015164335148537648
+2 248 -0.03186420961270197
+2 249 -0.07644821190520135
+2 250 0.0519424928160039
+2 251 0.001872904429272798
+2 252 -0.0012831464612924675
+2 253 0.08792582147143307
+2 254 -0.15734572230031488
+2 255 -0.08466914904822286
+2 256 -0.0593925879516438
+2 257 -0.044094472891405556
+2 258 -0.04472755522864252
+2 259 0.004642744699381719
+2 260 6.468074524281454E-4
+2 261 0.0014564700507138145
+2 262 0.001152374942382741
+2 263 -0.05684159731328624
+2 264 0.01404902364313392
+2 265 0.07585230773053317
+2 266 -0.08739571790951788
+2 267 -0.04346890784781435
+2 268 -0.011975283556432148
+2 269 -0.03887093741828203
+2 270 -0.02838247664184674
+2 271 -0.023517760063236488
+2 272 0.014328786278811415
+2 273 -0.05434880224513851
+2 274 -0.03187612085977199
+2 275 0.05182733907354803
+2 276 0.015773786556316574
+2 277 -0.05734695874240315
+2 278 -0.023560275186989936
+2 279 0.05447567376886952
+2 280 0.010754076079980869
+2 281 -0.013785613591853993
+2 282 -0.0368698697829627
+2 283 0.0366380110878769
+2 284 0.07399639910875808
+2 285 0.036966863667024945
+2 286 -0.0865622349428283
+2 287 0.020763657891882288
+2 288 0.011558323956463522
+2 289 0.05148298862899024
+2 290 -0.08935555526558148
+2 291 0.012961603487333473
+2 292 0.010475166643353427
+2 293 -0.10465578846711891
+2 294 -0.06662335979518673
+2 295 -0.024151654704663697
+2 296 0.0030041059246643936
+2 297 0.016448595821333973
+2 298 -0.11862368388262376
+2 299 -0.017327610272555128
+2 300 0.12185521954086771
+3 1 0.06080612555539409
+3 2 0.003399676836337815
+3 3 -0.11259742056918527
+3 4 -0.030066987068492625
+3 5 -0.04299848287903398
+3 6 0.026796008946503073
+3 7 -0.028487826023520343
+3 8 0.05017499492346172
+3 9 -0.025688210614103618
+3 10 0.06913433304225036
+3 11 0.062212589103052204
+3 12 -0.014025880701791005
+3 13 -0.016853145540893955
+3 14 0.0770931186140845
+3 15 0.004692033297813973
+3 16 -0.022023500967378637
+3 17 0.009969459883614001
+3 18 -0.024851283943858295
+3 19 -0.036440065572972684
+3 20 -0.022604970279746124
+3 21 0.019743955913861997
+3 22 -0.04341544972930214
+3 23 0.034977073551890794
+3 24 -0.08385077439021724
+3 25 -0.02355478138915185
+3 26 -0.015534685416107797
+3 27 -0.054119576976488774
+3 28 -0.053124279711008804
+3 29 -0.054102752638516126
+3 30 0.018509293571051428
+3 31 -0.09542403638837924
+3 32 -0.030019463485628842
+3 33 0.012624946464579508
+3 34 -0.08775281150651407
+3 35 -0.023463979940224543
+3 36 -0.05986868674571865
+3 37 0.007398469190263434
+3 38 0.057792778873501024
+3 39 -0.04602642698520616
+3 40 -0.07808346397749066
+3 41 -0.12112836339479192
+3 42 -0.020356686649639973
+3 43 -0.006350138601959736
+3 44 -0.1138921157816526
+3 45 -0.05909180512666713
+3 46 -0.03343086595838813
+3 47 0.022895453634055457
+3 48 0.029147165035341125
+3 49 -0.045559013039713804
+3 50 -0.09775699704600453
+3 51 -0.026702005049311403
+3 52 -0.025458733925411113
+3 53 -0.07537105690962388
+3 54 0.0015676597668008215
+3 55 -0.07099033883311194
+3 56 0.022381482144845484
+3 57 0.06032561743138492
+3 58 -0.002200281766099515
+3 59 -0.1557886723018249
+3 60 -0.1151901104969691
+3 61 -0.0017321437345598108
+3 62 -0.014734618741580637
+3 63 -0.02789212634135994
+3 64 -0.035298310341347616
+3 65 0.03239952069511605
+3 66 -0.06225107439513435
+3 67 -0.05904469338960734
+3 68 -0.013942239905818396
+3 69 -0.0030167397657559435
+3 70 -0.08388036886285628
+3 71 0.031517576517383204
+3 72 -0.010138319650577252
+3 73 0.017194071019622555
+3 74 -4.689697358259433E-5
+3 75 -0.09726182077199726
+3 76 -0.011767619306208519
+3 77 0.05366324549721037
+3 78 0.03354595623265461
+3 79 -0.14072434556480298
+3 80 0.05328979750020531
+3 81 -0.12438498039643993
+3 82 -0.017588806308851155
+3 83 -0.07328037244110158
+3 84 -0.0026218248737954536
+3 85 -0.04078911952019147
+3 86 -0.05214479617526317
+3 87 -0.012304722852454873
+3 88 -0.08310441788909852
+3 89 0.004306072922067988
+3 90 -0.059801518805303745
+3 91 -0.047318570512764266
+3 92 -0.022819394107825134
+3 93 -0.01126230967770713
+3 94 -0.038128742668094615
+3 95 -0.037698685595557814
+3 96 -0.027280254881850714
+3 97 -0.12366183642775144
+3 98 -0.08207837120814321
+3 99 -0.050531295210485314
+3 100 0.079848177336247
+3 101 -0.041313056686547014
+3 102 -0.1855520842599905
+3 103 -0.06082828117629229
+3 104 -0.10864869934071653
+3 105 0.007214072691335851
+3 106 -0.12231361207847886
+3 107 -0.04191893732039105
+3 108 0.011037983203060845
+3 109 -0.0655715377107819
+3 110 0.07865167754776253
+3 111 -0.12457532760430973
+3 112 0.009824866495633841
+3 113 -0.030275081274340827
+3 114 -0.010192375983388615
+3 115 0.02401553907144085
+3 116 -0.0764559716119227
+3 117 -0.09448245441056739
+3 118 -0.05367622386232932
+3 119 -0.07908819764640927
+3 120 0.029546986091600943
+3 121 -0.0021328947638565017
+3 122 -0.08261818079073244
+3 123 -0.11222253071603118
+3 124 -0.054860854137147565
+3 125 -0.10715469553479723
+3 126 -0.02299662465985368
+3 127 0.02407300234166583
+3 128 -0.025783061703834022
+3 129 -0.026768593262688784
+3 130 -0.07704912733670172
+3 131 -0.08662538816243999
+3 132 -0.031135168706778082
+3 133 -0.059605331460466204
+3 134 -0.07191942262696607
+3 135 -0.022897879617459795
+3 136 -0.12516013342542853
+3 137 -0.02626236594136741
+3 138 -0.09591456817797941
+3 139 0.03325957622535739
+3 140 0.014585519043380056
+3 141 -0.022925386756018542
+3 142 0.08688512812681617
+3 143 0.08013918113962408
+3 144 -0.05186078267143606
+3 145 -0.02261306952982805
+3 146 -0.0711259167634165
+3 147 -0.14060246934807163
+3 148 0.001117227131855411
+3 149 -0.03535780186731018
+3 150 -0.06427843170067563
+3 151 -0.06512081907101842
+3 152 -0.07736079751040531
+3 153 0.11664877078221911
+3 154 -0.07103645551118419
+3 155 -0.039688164571918115
+3 156 0.078474897246381
+3 157 -0.022477227867956525
+3 158 0.008874526563792198
+3 159 -0.039714257898519956
+3 160 -0.04523762027739153
+3 161 -0.004141150051549081
+3 162 0.0765736953819726
+3 163 0.03400245571483928
+3 164 -0.0816719938353452
+3 165 0.03956273940509628
+3 166 0.03458531443707327
+3 167 -0.017979859449655647
+3 168 -0.09474439923766642
+3 169 -0.05339799804322278
+3 170 -0.09073286402735758
+3 171 0.018921559767644463
+3 172 0.0073359266452599735
+3 173 -0.06792788598201578
+3 174 -0.08343473008917092
+3 175 -0.0894683164433911
+3 176 -0.014728067987330742
+3 177 -0.05330667966864737
+3 178 -0.1387459517143912
+3 179 -0.12218420095990683
+3 180 -0.016994128023949687
+3 181 0.0189341786398897
+3 182 0.04243265815993053
+3 183 0.02816458138515208
+3 184 -0.0690421431306683
+3 185 -0.038377153395127414
+3 186 -0.05504483418459042
+3 187 -0.08222783079961678
+3 188 -0.07315140377627127
+3 189 0.009039376749762967
+3 190 0.005196429592268697
+3 191 -0.034206815552013735
+3 192 -0.034880057473897594
+3 193 -0.13177287825330664
+3 194 -0.018614661109360824
+3 195 -0.027589261444748613
+3 196 -0.04911111693924042
+3 197 0.0031022089117707908
+3 198 -0.09748766610509542
+3 199 -0.06437639954450237
+3 200 -0.1278652366980482
+3 201 -0.0939196142819386
+3 202 -0.023962105897379554
+3 203 0.0012668982537986817
+3 204 -0.044738215744100196
+3 205 -0.0796568444497634
+3 206 -0.1826687176047148
+3 207 -0.027259238176057455
+3 208 0.02644640492675151
+3 209 -0.05934523160858302
+3 210 -0.08555276600049198
+3 211 -0.09269880186412789
+3 212 -0.0523115532121525
+3 213 -0.032258742336219746
+3 214 -0.05248283719825619
+3 215 -0.025453658251277822
+3 216 -0.08047968113749783
+3 217 0.025350804924425478
+3 218 -0.07004886589488375
+3 219 -0.040609037638669555
+3 220 -0.07685240487546455
+3 221 -0.06829010039877906
+3 222 0.10558026865515234
+3 223 -0.02555672219443362
+3 224 -0.017994166754644155
+3 225 -0.06547646304497252
+3 226 -0.06124101278364767
+3 227 -0.11650889474262416
+3 228 -0.043793454181134395
+3 229 -0.05521364378366348
+3 230 -0.1615281688686899
+3 231 -0.014349957653998588
+3 232 -0.008224504594033852
+3 233 -0.0058894024079600895
+3 234 0.0047281100231728185
+3 235 -0.03485980805478312
+3 236 -0.07300452965324852
+3 237 0.006411385847052105
+3 238 -0.03566098597947051
+3 239 -0.09796831006645748
+3 240 -0.024724467741180894
+3 241 -0.021587733677893697
+3 242 -0.06906456010953266
+3 243 0.0025044079003918793
+3 244 -0.0417236076929759
+3 245 -0.035363543526937324
+3 246 -0.030026371653643028
+3 247 -0.02977142251668633
+3 248 -0.08641751124969034
+3 249 0.01424795126488618
+3 250 0.03137582636742969
+3 251 -0.006062067087516303
+3 252 -0.08653261712677794
+3 253 0.03818491088545379
+3 254 -0.11774081281987242
+3 255 -0.10539529932312057
+3 256 -0.017899519614442732
+3 257 -0.020162995405813056
+3 258 0.039833030216200264
+3 259 -0.09295374464140914
+3 260 -0.030139630322622676
+3 261 -0.027978546307983757
+3 262 -0.10088607380183846
+3 263 -0.08090218192920957
+3 264 -0.005858009491871552
+3 265 -0.03304902656956956
+3 266 -0.004513359767927043
+3 267 -0.02366161163381931
+3 268 -0.03846952959176052
+3 269 -0.031059687913399744
+3 270 -0.02454061243035958
+3 271 -0.08083585278917144
+3 272 0.018333396297108083
+3 273 -0.010854670638208228
+3 274 0.0419374787786153
+3 275 0.06524518821402275
+3 276 -0.0668427513096336
+3 277 0.025272816545906917
+3 278 -0.14578691853094136
+3 279 0.0680958478591864
+3 280 -0.03788508540273502
+3 281 0.0011007635619459698
+3 282 0.04560751088044065
+3 283 -0.10382779237257565
+3 284 -0.08190813176694954
+3 285 -0.06902723741737107
+3 286 -0.07652344597969271
+3 287 0.023655158711868757
+3 288 0.013429162316425991
+3 289 0.09353071890654503
+3 290 -0.06585375515998282
+3 291 -0.012196595827776213
+3 292 -0.07177564439857351
+3 293 0.004671509498919974
+3 294 -0.06040552691430386
+3 295 0.013038039476858292
+3 296 -0.06460381823352551
+3 297 0.02008462130936127
+3 298 -0.025785878077645954
+3 299 -0.021253458598272046
+3 300 -0.03881813962328451
+4 1 -0.10667384017561567
+4 2 -0.034741242882739005
+4 3 0.047191125306012084
+4 4 -0.09468293181176742
+4 5 -0.011803166738857916
+4 6 0.058267894126534076
+4 7 -0.05620406503193569
+4 8 0.08652950075176709
+4 9 0.07102179294805727
+4 10 -0.03821683504148069
+4 11 -0.02727094760773757
+4 12 -0.01233341450348401
+4 13 0.08954279203049666
+4 14 -0.02772463905127071
+4 15 0.044011852287638875
+4 16 -0.07891990273822999
+4 17 -0.03977028968482655
+4 18 0.05393475377989352
+4 19 -0.10461722961079203
+4 20 -0.015889356370833736
+4 21 0.09203890162509189
+4 22 -0.007396170953966546
+4 23 -0.002898946042592244
+4 24 -0.06327222427162188
+4 25 -0.063867234016479
+4 26 0.021362716665520788
+4 27 -0.051469137969133424
+4 28 -0.04557125539263132
+4 29 0.019720521114085628
+4 30 0.011690463457074017
+4 31 -0.06635699953953639
+4 32 0.03391635709955206
+4 33 -0.007559214257389148
+4 34 -0.09307199336662
+4 35 0.06559403798552853
+4 36 0.01021675156639728
+4 37 -0.02939668747495025
+4 38 0.07853527095013342
+4 39 0.027881305729402575
+4 40 0.03079722222864486
+4 41 -0.09356198616978663
+4 42 -0.1286370367266257
+4 43 -0.0373769633866679
+4 44 -0.034725118158671284
+4 45 -0.06416154435390439
+4 46 -0.021652127336030415
+4 47 -0.06975952033036423
+4 48 -0.0407463156252269
+4 49 0.08384426255431217
+4 50 0.050365914003055394
+4 51 -0.038014958000313466
+4 52 -0.015743541458188525
+4 53 -0.021818946002506667
+4 54 0.031031121305624295
+4 55 -0.014898908181910909
+4 56 -0.03535082285829676
+4 57 -0.07031600979992013
+4 58 -0.010078020188718288
+4 59 -0.058281198963975024
+4 60 0.0011816531906098198
+4 61 0.037491159906312785
+4 62 4.3754903551089524E-4
+4 63 -0.06477130286063584
+4 64 0.05190402024065957
+4 65 -0.028861708512731
+4 66 -0.04632385109806011
+4 67 0.029286982732617182
+4 68 0.03159277099910975
+4 69 -0.04807842785164694
+4 70 0.06892352733741522
+4 71 -0.07539018898830185
+4 72 -0.031450074638310746
+4 73 0.0657865930295838
+4 74 -0.019943132430634735
+4 75 -0.09867199875433888
+4 76 -0.0052282149743871666
+4 77 -0.02191162153260554
+4 78 -0.006953684026080739
+4 79 -0.05317387018005806
+4 80 0.049870550982641246
+4 81 -0.01684939411579188
+4 82 -0.006326588894387518
+4 83 -0.06398123396953871
+4 84 0.06427027032754211
+4 85 -0.031048594299601766
+4 86 -0.06996406090460947
+4 87 -0.011201612977786712
+4 88 0.011262978784003277
+4 89 -0.07020978658555642
+4 90 -2.511531575604389E-4
+4 91 -0.017537144818136664
+4 92 -0.03213942563794015
+4 93 -0.045766936792904014
+4 94 -0.014469100081097088
+4 95 0.06626312993731631
+4 96 0.010322227663771564
+4 97 -0.08681680800024967
+4 98 -0.01532113189015728
+4 99 -0.04321134754944324
+4 100 -0.014120046023307384
+4 101 -0.04314935690984304
+4 102 0.03802207807633191
+4 103 -0.0724239168175357
+4 104 0.034067882964386634
+4 105 0.00808912595567845
+4 106 -0.03450295234752043
+4 107 -0.0946410698751632
+4 108 -0.06847127574078855
+4 109 -0.10615573047475195
+4 110 0.025711254891550107
+4 111 -0.030438574307298044
+4 112 0.0565502070989929
+4 113 -0.05079413758282224
+4 114 -0.045538961685320525
+4 115 -0.033555251439847306
+4 116 -0.005424519198219239
+4 117 -0.03749060927101622
+4 118 0.0521352058622379
+4 119 -0.06702797116156399
+4 120 -0.009316432723761191
+4 121 -0.06839862475666551
+4 122 0.0686021114951953
+4 123 0.018051719517340397
+4 124 -0.052620667727982906
+4 125 -0.008345059739666497
+4 126 -0.049313294807409785
+4 127 -0.0023936248484485445
+4 128 0.03412650229299005
+4 129 0.013447082394186557
+4 130 -0.04109066792810977
+4 131 -0.02617009321623898
+4 132 0.00863338860277984
+4 133 -0.07562585458587977
+4 134 -0.07649118584897206
+4 135 0.08049866594227056
+4 136 -0.08410871119908538
+4 137 0.05094334938027975
+4 138 -0.13965119675532536
+4 139 -0.006472657630208071
+4 140 -0.024925953279104265
+4 141 -0.055105890213169396
+4 142 0.08244280468712381
+4 143 -0.030985602885604237
+4 144 -0.0095513335830622
+4 145 -0.00879419623738119
+4 146 0.034241773497604
+4 147 -0.08404739395930888
+4 148 -0.04934885346627955
+4 149 -0.01982372508150756
+4 150 -0.033540402981065386
+4 151 -0.02247648525108549
+4 152 -0.0031630782544606433
+4 153 0.07731059214317888
+4 154 -0.015615225800704225
+4 155 -9.948064631826882E-4
+4 156 -0.0011549715708546557
+4 157 -0.04491967062239599
+4 158 0.01634130345442014
+4 159 -0.08885816175426986
+4 160 0.01509711719892719
+4 161 0.007232236729282204
+4 162 0.13467110368139004
+4 163 0.14377843717550354
+4 164 -0.0391731920356463
+4 165 0.0020762684988766024
+4 166 -0.01695954750699734
+4 167 0.01808946453077408
+4 168 -0.04032382067808844
+4 169 -0.039600391181008485
+4 170 -0.020978430718922848
+4 171 0.015931113551380202
+4 172 0.001372059859334284
+4 173 -0.12234220589402155
+4 174 -0.010607322799535185
+4 175 0.03508612012912854
+4 176 -0.04619550914155753
+4 177 -0.14635480238882806
+4 178 -0.09322161570142745
+4 179 -0.01629357450370069
+4 180 0.0015989355834657862
+4 181 -0.02015360168267791
+4 182 0.05004578596561927
+4 183 0.032912789947452364
+4 184 -0.05824784993113576
+4 185 0.008944729834720758
+4 186 -0.02180781974632871
+4 187 -0.03851779203073363
+4 188 -0.02548498705401805
+4 189 -0.04485266745669986
+4 190 -0.01019100187041156
+4 191 -0.008129903854591834
+4 192 -0.058761405064005796
+4 193 -0.06300279720816951
+4 194 -0.019178334485018374
+4 195 -0.017792383917726456
+4 196 -0.029765148762052038
+4 197 -0.008657974124537749
+4 198 -0.09583603342450658
+4 199 -0.023777529482953988
+4 200 -0.02417813325985309
+4 201 -0.0827929691061597
+4 202 -0.08456300083656897
+4 203 -0.08531287858943927
+4 204 -0.12034571149229485
+4 205 -0.072411769917907
+4 206 -0.05990993613036374
+4 207 -0.025829704871333136
+4 208 -0.029782799157648806
+4 209 -0.03377912875383583
+4 210 -0.0563650641563887
+4 211 0.04077332360422292
+4 212 -0.015565481345074211
+4 213 -0.004605310180435541
+4 214 0.02510804219179495
+4 215 -0.04504667214162104
+4 216 -0.0693356096391515
+4 217 -0.05003768225860278
+4 218 -0.037956858750268795
+4 219 -0.06730101868626107
+4 220 -0.06610196609532738
+4 221 -0.04316588838579286
+4 222 0.0722410114858643
+4 223 -0.0920896851791037
+4 224 -0.039883777881374455
+4 225 0.062135527009994994
+4 226 -0.06555260132809503
+4 227 0.017317968533554984
+4 228 -0.05814392686694998
+4 229 -0.0510614938376593
+4 230 -0.06985961993490215
+4 231 -0.07504469030053136
+4 232 -0.019974340650108943
+4 233 -9.08969087246182E-4
+4 234 0.05152258343273211
+4 235 0.0015555709023896177
+4 236 0.0947724918617689
+4 237 0.019401547254772923
+4 238 -0.030613115530908237
+4 239 -0.1239598464664497
+4 240 -0.0044243596376113145
+4 241 -0.04726937636528074
+4 242 -0.03320515319435692
+4 243 0.0033957590261421543
+4 244 0.014985124834404355
+4 245 -0.06246906547583089
+4 246 0.03650831130083494
+4 247 -0.08549226725936372
+4 248 -0.06563620270250255
+4 249 -0.018979991666835727
+4 250 -0.031315316617603776
+4 251 0.02183391524941989
+4 252 -0.058656045300992596
+4 253 -0.01349399055322421
+4 254 -0.17205342660548043
+4 255 -0.042977939472057004
+4 256 0.00919865896809516
+4 257 0.04346285685246136
+4 258 0.07906008036346922
+4 259 -0.029875862844164106
+4 260 0.015102083204754533
+4 261 0.09172066808466592
+4 262 -0.11072900917850831
+4 263 -0.021940625581684248
+4 264 0.020545197817130524
+4 265 -0.013488420426210106
+4 266 0.04352241447986571
+4 267 0.057478487145274176
+4 268 -0.0451066419690467
+4 269 0.03292637947822554
+4 270 -0.014288779166343508
+4 271 0.02122139808178923
+4 272 0.028458893692617084
+4 273 -0.04248546537173478
+4 274 -0.048777767753681096
+4 275 0.026425429071717306
+4 276 -0.03854021296061304
+4 277 0.05532904993810041
+4 278 0.006509282355767896
+4 279 0.0010383727644663707
+4 280 0.06161836617702846
+4 281 0.007940652108629572
+4 282 0.027326640607599484
+4 283 -0.049411821290658346
+4 284 -0.06925978723538075
+4 285 -0.18733275142424763
+4 286 -0.11252001669376949
+4 287 0.031085235620454493
+4 288 0.012006249891872616
+4 289 -0.015664647825768138
+4 290 0.15798924222928593
+4 291 0.06535229969920489
+4 292 -0.0866139596882299
+4 293 0.15597891840749006
+4 294 0.11367558361082579
+4 295 -0.0015377595869482616
+4 296 -0.14774347027561643
+4 297 0.047642827965015275
+4 298 0.017623305137447004
+4 299 -0.026711065945514256
+4 300 -0.031164822743696394
+5 1 -0.008539038783330033
+5 2 -0.1286897395159412
+5 3 -0.0552740920182825
+5 4 0.0027728729166292174
+5 5 -0.05198504718764972
+5 6 -0.003848062991107547
+5 7 -8.987691719008564E-4
+5 8 -0.04111345651312863
+5 9 0.030363670642440024
+5 10 -0.04132740231444207
+5 11 0.018389949927852332
+5 12 -0.1479331157276259
+5 13 -0.041059089951676016
+5 14 0.016864708314053567
+5 15 0.04659696295847894
+5 16 -0.019253952696493007
+5 17 -0.018119064553986174
+5 18 -0.003129375107194921
+5 19 -0.055479967437538455
+5 20 -0.07479339501362323
+5 21 -0.05718981489014467
+5 22 -0.0036782782625005557
+5 23 0.0036761406989091394
+5 24 -0.02591296665966922
+5 25 -0.0675457581637962
+5 26 -0.044200906594540595
+5 27 -0.08859907452198729
+5 28 -0.02885296660793672
+5 29 -0.03818532425031396
+5 30 -0.04430874970198224
+5 31 -0.00402318279582759
+5 32 0.017189409826084415
+5 33 -0.04083208683971377
+5 34 0.029134326720411687
+5 35 0.006061746433491843
+5 36 -0.05175449494274313
+5 37 -0.009350478558552922
+5 38 0.008724092055309988
+5 39 -0.10989479335243214
+5 40 -0.06975553921005626
+5 41 -0.02629856749779386
+5 42 -0.00965649084412742
+5 43 -0.04328872057037553
+5 44 -0.02035064413558903
+5 45 -0.12652946028393083
+5 46 0.03018912592042926
+5 47 0.0696826943023249
+5 48 -0.14582794100543744
+5 49 -0.13250190504511225
+5 50 -0.0737941612726497
+5 51 -0.10259859744213722
+5 52 -0.06515692712863574
+5 53 -0.017922888628057427
+5 54 0.012404621280433925
+5 55 -0.040237170759777154
+5 56 0.04763411787536628
+5 57 0.002730975366196209
+5 58 0.008062909428249698
+5 59 -0.10804058169522955
+5 60 -0.019034783905267694
+5 61 0.06351450385472107
+5 62 0.043452100312359875
+5 63 -0.018410142320392283
+5 64 0.016535480318006696
+5 65 0.056800274093851084
+5 66 -0.018591964964471318
+5 67 -0.15892333007597115
+5 68 -0.03445672209334048
+5 69 0.08828314340261982
+5 70 -0.04628931982196789
+5 71 0.03265175779412583
+5 72 -0.0706295245088725
+5 73 -0.03115364949493726
+5 74 -0.003024997754700886
+5 75 -0.040265508333450016
+5 76 0.0037164530824823016
+5 77 0.06855557050598764
+5 78 0.06590586815756133
+5 79 0.0022928648813080824
+5 80 0.056154588854729105
+5 81 -0.00445927402105848
+5 82 -0.027408233011752176
+5 83 -0.08741584863695348
+5 84 0.024391784521755538
+5 85 -0.03683272749056236
+5 86 0.017015208592635313
+5 87 0.019544580506325366
+5 88 -0.10935110481481429
+5 89 -0.03257372083810732
+5 90 0.09667384676073265
+5 91 -0.01964246770466574
+5 92 0.10680706423397474
+5 93 0.0018382202082771401
+5 94 0.04683421639946196
+5 95 -0.01751484783624344
+5 96 -0.07552538779062487
+5 97 -0.11642152483612282
+5 98 -0.035823341384267876
+5 99 -0.016432948529654875
+5 100 -0.059512671987689864
+5 101 -0.038989936123059434
+5 102 0.004093246639173542
+5 103 -0.0015565714868654276
+5 104 -0.009101629701206064
+5 105 0.01925371024431715
+5 106 0.01035252111247095
+5 107 0.10339271284018212
+5 108 -0.14687713947976352
+5 109 0.02271466807008004
+5 110 0.041713964421225345
+5 111 0.08303122746848707
+5 112 0.009039611229390974
+5 113 -0.06127068564632773
+5 114 0.05543291690578552
+5 115 -0.057387903836526234
+5 116 -0.044387711576191036
+5 117 0.026957351885302495
+5 118 0.011390294466550011
+5 119 -0.06713841669259211
+5 120 -0.009523348427072652
+5 121 0.0030930250843659436
+5 122 0.0014556431140173359
+5 123 -0.02679996600318248
+5 124 -0.038679597703694876
+5 125 0.046194197256920894
+5 126 -0.0751060574093593
+5 127 -0.076210919247608
+5 128 -0.043381480364776064
+5 129 0.014527225076631308
+5 130 -0.06161816702186266
+5 131 -0.0731660155707065
+5 132 -0.051181879943133245
+5 133 -0.06911844236256084
+5 134 -0.009123937848073001
+5 135 -0.024501523725070275
+5 136 -0.07886764000042464
+5 137 -0.012251125720023204
+5 138 0.011822903180235848
+5 139 0.051758121518430435
+5 140 0.05119786908073603
+5 141 -0.1313361179768642
+5 142 -0.0888060230636175
+5 143 -0.08468529228453804
+5 144 -0.05569423214614401
+5 145 0.013862533160601207
+5 146 -0.025012988213296814
+5 147 -0.09109715586579151
+5 148 -0.012123402273043933
+5 149 -0.007998156492073775
+5 150 -0.07193539555512556
+5 151 0.026977374846144184
+5 152 0.09008097861677816
+5 153 0.016560232395297903
+5 154 -0.018956872193899157
+5 155 -0.1012109374108476
+5 156 0.004225657507225365
+5 157 -0.07256107428650074
+5 158 0.043309688381079625
+5 159 0.030323920805897107
+5 160 0.05433006676742698
+5 161 -0.0682900520528168
+5 162 0.009583785060080723
+5 163 -0.014879177628839543
+5 164 -0.08838639331807262
+5 165 0.01744359703935842
+5 166 0.055184194741538656
+5 167 0.021065855957441367
+5 168 -0.03791031879372144
+5 169 0.053809763596549556
+5 170 -0.10439471492773628
+5 171 0.028849714573487537
+5 172 0.008424358097880736
+5 173 -0.04388823753001934
+5 174 -0.011961152222954746
+5 175 0.06115844729969058
+5 176 0.007257832205387855
+5 177 -0.06237221206434774
+5 178 -0.04416337433428465
+5 179 -0.024547000155815256
+5 180 -0.004306117940852105
+5 181 0.06783173369188493
+5 182 -0.04517349534112195
+5 183 0.1008919599450455
+5 184 -0.02588486043603824
+5 185 0.02420859020234605
+5 186 0.03511731415781375
+5 187 0.027695962957848694
+5 188 -0.05962754356862127
+5 189 -0.08917706268535132
+5 190 0.015937884500752272
+5 191 -0.08024135298435624
+5 192 0.08981788468925621
+5 193 -0.11090076991845035
+5 194 -0.05070752508441512
+5 195 -0.02485216270541588
+5 196 -0.004145527486568243
+5 197 0.08314205858348049
+5 198 0.00985691422104144
+5 199 0.02038927269920647
+5 200 -0.009678629262825245
+5 201 -0.08942569298909726
+5 202 -0.11651105114864535
+5 203 0.11938315927887704
+5 204 0.029419141995271108
+5 205 -0.10366751761895579
+5 206 -0.12408809564681203
+5 207 0.06486894839176185
+5 208 0.039471785632720545
+5 209 -0.06514068066444109
+5 210 0.007142636193946254
+5 211 0.0057713203575817645
+5 212 0.0035361941795360526
+5 213 -0.06744066743785798
+5 214 -0.053181646427310394
+5 215 0.05065595901342454
+5 216 0.003773549205891189
+5 217 0.047805711780440754
+5 218 -0.014735279497069285
+5 219 -0.06381875891808426
+5 220 0.008651722779299442
+5 221 -0.01608577703550966
+5 222 -0.034548224640087916
+5 223 -0.025918829702549655
+5 224 -0.0592064997961258
+5 225 -0.060753132977260975
+5 226 -0.09156794484124396
+5 227 -0.05510813155841795
+5 228 0.04640990340708083
+5 229 -0.05214839840355142
+5 230 0.04500597610522215
+5 231 0.033157187751411764
+5 232 -0.0528314377135435
+5 233 -0.030482208368978705
+5 234 0.009687670544818892
+5 235 0.014667462146116613
+5 236 -0.047280167078564896
+5 237 0.0927105943200901
+5 238 0.04965307268477323
+5 239 -0.04203822813345178
+5 240 0.019710601799298455
+5 241 0.047366599640199805
+5 242 0.00983001261044222
+5 243 -0.11697689398938042
+5 244 -0.008978509622791848
+5 245 -0.021954806322992314
+5 246 -0.06753511369163935
+5 247 -0.03870586623924203
+5 248 -0.03293832098611942
+5 249 -0.056673884567019835
+5 250 -0.0028316138279452533
+5 251 -0.022060791441410658
+5 252 -0.005582796795373536
+5 253 -0.0827873039596182
+5 254 -0.0017115351154414426
+5 255 -0.08424296844963712
+5 256 0.021737789878448103
+5 257 0.023042024131353183
+5 258 -0.04007562768723066
+5 259 -0.03554938051556465
+5 260 0.009712755437642197
+5 261 -0.08141019597079414
+5 262 -0.0024150369289980636
+5 263 -0.007629264258616134
+5 264 -0.05325975784977141
+5 265 0.0427347032900233
+5 266 -0.054564579100418155
+5 267 0.046712313834021704
+5 268 0.10562916327455509
+5 269 -0.0025172696436070855
+5 270 0.10159022612223423
+5 271 -0.04685697850281764
+5 272 0.024895552896122483
+5 273 -0.05510314789503553
+5 274 0.07879351241039503
+5 275 -0.06271934482389976
+5 276 0.023942085388630453
+5 277 0.0035538997747170996
+5 278 0.009381528026513195
+5 279 -0.004805134225073871
+5 280 0.014282062859421105
+5 281 -0.020470767417407585
+5 282 -0.036478591091033456
+5 283 0.02865950228037985
+5 284 -0.0727259151362154
+5 285 -0.012705580353988237
+5 286 -0.09115627129868602
+5 287 -0.008921736308297101
+5 288 -0.0529398770098803
+5 289 -0.012643739401019882
+5 290 -0.05473761996751263
+5 291 0.047034127444795286
+5 292 -0.11768399847624335
+5 293 -0.003792117617893103
+5 294 -0.13329264478168812
+5 295 -0.005738172871445051
+5 296 -0.016516219554481293
+5 297 -0.033791103192663395
+5 298 0.014104282123562819
+5 299 0.027193034635668297
+5 300 4.986464671466142E-4
+6 1 -0.019553227554080965
+6 2 -0.10948383126115563
+6 3 -0.07903797882010104
+6 4 -0.08187516558242386
+6 5 0.00620305620703402
+6 6 -0.05262578771411036
+6 7 -0.019782061292646484
+6 8 0.04348223353481891
+6 9 -0.015608484843069802
+6 10 -0.0390921926536267
+6 11 -0.04150754918609855
+6 12 0.03140177395839176
+6 13 -0.042478321457799326
+6 14 -0.04111980912527759
+6 15 -0.029011701993029153
+6 16 -0.031617850613825604
+6 17 -0.024328493661610346
+6 18 -0.007977461121315555
+6 19 -0.14831171003232027
+6 20 -0.15092009557725797
+6 21 -0.009885726624887532
+6 22 -0.08457889909443915
+6 23 -0.06266352491875349
+6 24 -0.07368366572488955
+6 25 -0.11397472227702651
+6 26 -0.21791000214955952
+6 27 -0.06456408565780355
+6 28 -0.0723797812794008
+6 29 -0.050991478751427184
+6 30 0.04197831860305629
+6 31 -0.03490928109731808
+6 32 0.055052207868584016
+6 33 -0.09420943987230598
+6 34 -0.11360384246491062
+6 35 -0.00763737914665693
+6 36 -0.0840141723113807
+6 37 -0.1565976510774616
+6 38 0.01392917444476669
+6 39 -0.027642141938900692
+6 40 -0.03818812856745932
+6 41 -0.05363174817424889
+6 42 -0.027321504969225276
+6 43 -0.012165687084481229
+6 44 -0.02301136721499199
+6 45 -0.20446770847097517
+6 46 -0.060066881813788275
+6 47 -0.09870388804460199
+6 48 -0.04521358612939269
+6 49 -0.015568618019268418
+6 50 0.05901949238556279
+6 51 -0.07064709906823867
+6 52 -0.02568304076264831
+6 53 -0.09625387575416826
+6 54 0.09637123625850708
+6 55 -0.04687749039578525
+6 56 -0.007492070506818854
+6 57 -0.019411371957249086
+6 58 -0.03659961945719642
+6 59 -0.05785544815768577
+6 60 -0.027404902819098083
+6 61 0.025885411458432622
+6 62 -0.153481945249146
+6 63 -0.08118071241476243
+6 64 0.04960660696095664
+6 65 -8.020016837216243E-4
+6 66 -0.05299477882063457
+6 67 -0.028959226976171322
+6 68 -0.16509409473862577
+6 69 -0.07491039354384171
+6 70 -0.03551646176974288
+6 71 -0.07073962755461845
+6 72 -0.07763203289472008
+6 73 -0.035075649793540144
+6 74 -0.11039352605169207
+6 75 -0.05598244268938527
+6 76 -0.06312115104169695
+6 77 0.0026593294527333202
+6 78 0.02278101569727543
+6 79 0.009411963171489677
+6 80 0.02325023681298685
+6 81 -0.06085265131769339
+6 82 -0.01896340360186718
+6 83 -0.013742561414562818
+6 84 -0.01712335572259251
+6 85 -0.03543336667314319
+6 86 -0.04501559700942144
+6 87 -0.0038993251630699316
+6 88 0.017676944514818882
+6 89 -8.646113215868476E-4
+6 90 0.011282409435739505
+6 91 0.010373276332954038
+6 92 0.030638541548739642
+6 93 -0.10584748322423625
+6 94 -0.040392943496465716
+6 95 -0.12245377906521712
+6 96 -0.03397339152529176
+6 97 -0.02173427589706307
+6 98 -0.08750603141268518
+6 99 0.01131519484199718
+6 100 -0.011425362464604539
+6 101 -0.019085990080729563
+6 102 0.03367700733521921
+6 103 -0.005010517500906185
+6 104 0.008968879893636487
+6 105 -0.025880008874639766
+6 106 -0.05181041796531938
+6 107 -0.066086028735393
+6 108 0.03201914001176934
+6 109 -0.08353489991429516
+6 110 -0.0854252973535775
+6 111 -0.04157754701568757
+6 112 -0.05612631055655829
+6 113 0.04815665273375933
+6 114 0.04332733567640212
+6 115 -0.059400626795407314
+6 116 -0.033987197658255676
+6 117 0.08133290302776235
+6 118 -0.010721213738170138
+6 119 -0.10984222642594031
+6 120 -0.044171733334532684
+6 121 -0.02520431856889564
+6 122 0.007993582019784541
+6 123 0.02921006902590365
+6 124 0.04270433603783222
+6 125 0.005646373959443725
+6 126 -0.1186546625102239
+6 127 -0.07224603598285827
+6 128 -0.03708234373206699
+6 129 -0.03653295139383038
+6 130 0.006194992969368418
+6 131 -0.022861283689224597
+6 132 -0.102301072576356
+6 133 -0.04255559636945098
+6 134 -0.053237878859559856
+6 135 -0.012249338578093108
+6 136 -0.10614506482938232
+6 137 -0.04099318850600222
+6 138 0.0796653032843998
+6 139 0.01749353220006987
+6 140 -0.0036881420560346966
+6 141 -0.05978505685597484
+6 142 0.06384893718719889
+6 143 -0.04944682005663704
+6 144 0.02704094255579191
+6 145 -0.07059528177590156
+6 146 0.027354762215198246
+6 147 -0.12857352018881954
+6 148 -0.0475372873991607
+6 149 -0.12973833956867686
+6 150 -0.08759292564280459
+6 151 -0.06868677122530424
+6 152 0.004675797003562821
+6 153 -0.06434375402471643
+6 154 -0.005032607313258807
+6 155 -0.02334407358681954
+6 156 -0.03750572541650602
+6 157 -0.032574571666139696
+6 158 -0.0456634822556618
+6 159 -0.14056031012187956
+6 160 0.022353928617395137
+6 161 -0.0034027716119540453
+6 162 0.06968834423065284
+6 163 0.006064922271640806
+6 164 -0.024029949431740305
+6 165 -0.06353545759769112
+6 166 -0.034229014179140614
+6 167 0.008645449308778001
+6 168 -0.06707230844112667
+6 169 -0.1117659224831791
+6 170 -0.08582872503629933
+6 171 -0.05510909805659436
+6 172 0.02635284898276583
+6 173 -0.03247482027485531
+6 174 -0.07269023443108975
+6 175 -0.06341224173126114
+6 176 0.04430479867810948
+6 177 -0.16473785183301967
+6 178 -0.11886075012015719
+6 179 -0.06813546201794002
+6 180 -0.16924138113218284
+6 181 0.09551563770636061
+6 182 -0.020254448267750667
+6 183 0.02410685017491801
+6 184 -0.11017120734138744
+6 185 -0.07651685598250574
+6 186 -0.08659831669011803
+6 187 -0.05839969423682454
+6 188 -0.17910034740159247
+6 189 0.005926648357720006
+6 190 -0.03684803351938161
+6 191 -0.0807206861150403
+6 192 -0.0575894564536929
+6 193 -0.0022872911312162942
+6 194 -0.03557040279583514
+6 195 0.05469830529432318
+6 196 -0.026209008396920298
+6 197 0.04483968068702783
+6 198 -0.051794419413870585
+6 199 -0.09964564092299928
+6 200 -0.15282367875906863
+6 201 -0.12548447053073025
+6 202 -0.012368452785974149
+6 203 -0.06913705574932474
+6 204 -0.07432454291604396
+6 205 -0.06628393384953273
+6 206 -0.19284647970383084
+6 207 -0.006911276281550984
+6 208 -0.09148897886586109
+6 209 -0.001046404800967246
+6 210 0.0076201035401578885
+6 211 -0.006274756381910541
+6 212 -0.1483002705230367
+6 213 0.003969988254307471
+6 214 -0.07280013220264114
+6 215 -0.10147222949128015
+6 216 -0.10410886696236163
+6 217 -0.023983635029255736
+6 218 -0.0901796135399205
+6 219 -0.0512770073296329
+6 220 -0.0807171709928527
+6 221 -0.01982191180048239
+6 222 0.1861194093885636
+6 223 -0.03406868089578625
+6 224 -0.10157155785703426
+6 225 -0.0776159694864115
+6 226 -0.024692376037475285
+6 227 -0.06845895032378874
+6 228 -0.014629022984721806
+6 229 0.07865797024239156
+6 230 -0.10615235848573493
+6 231 -0.13600992684767285
+6 232 0.010461363593462569
+6 233 0.07028400980284435
+6 234 -0.009991623992447627
+6 235 -0.0288404241893503
+6 236 0.010716014373333152
+6 237 0.021858401604098507
+6 238 -0.050280546667916495
+6 239 -0.05840810306963109
+6 240 -0.10045806957230147
+6 241 -0.05876399791087042
+6 242 -0.06971982249450097
+6 243 0.04243202775207779
+6 244 -0.09417908599210735
+6 245 0.012850512719804755
+6 246 -0.020055990284562942
+6 247 -0.02144004024500166
+6 248 -0.052996884805669595
+6 249 -0.04135771327671208
+6 250 -0.017156418206273068
+6 251 -0.02420073136989973
+6 252 -0.0635051757684328
+6 253 -0.09344984550406428
+6 254 -0.09855052274007949
+6 255 -0.1696512135022444
+6 256 -0.028044835967887538
+6 257 0.03518460074799245
+6 258 0.1169715038575636
+6 259 -0.06697888692538469
+6 260 0.05691082533777346
+6 261 -0.023219614551379827
+6 262 -0.0508451145698236
+6 263 -0.07734146361495065
+6 264 -5.323185264219164E-4
+6 265 -0.07280498160882957
+6 266 -0.057673781207174014
+6 267 -0.04980424999310902
+6 268 0.055577658836228595
+6 269 -0.009795870157673251
+6 270 -0.029942039070714844
+6 271 -0.018061460487025414
+6 272 -0.050483836734130746
+6 273 0.009466682270584876
+6 274 -0.0027142087863656745
+6 275 -0.053754894979846396
+6 276 -0.08854874408917984
+6 277 0.06795331973714702
+6 278 -0.1027942713995743
+6 279 -0.0808730555642472
+6 280 -0.04370238110406477
+6 281 -0.10111080469414184
+6 282 -0.03688610080440468
+6 283 0.028136927004243837
+6 284 -0.00875831190048267
+6 285 -0.15890540127385738
+6 286 0.0474648189334715
+6 287 -0.07287007551617398
+6 288 0.0017655861119543286
+6 289 0.01621187267893204
+6 290 -0.05618923268357715
+6 291 0.01641009941638588
+6 292 -0.030686450993506642
+6 293 0.047389822631459
+6 294 0.010121450611924576
+6 295 -0.026633672055264075
+6 296 -0.07258378320882886
+6 297 -0.039459550443217875
+6 298 -0.028295096160229904
+6 299 -0.10213499178763415
+6 300 0.06017692092808589
+7 1 -0.00630116885829058
+7 2 -0.08295981929728495
+7 3 0.00544084933394875
+7 4 0.09464361799015736
+7 5 -0.0117091611987985
+7 6 -0.04871294483075591
+7 7 -0.0824332925034323
+7 8 -0.06146979844882502
+7 9 0.0020971499105202408
+7 10 0.01334897863469489
+7 11 -0.018812871855972316
+7 12 -4.89431603540774E-4
+7 13 0.018058882080907397
+7 14 -0.09475850917589794
+7 15 -0.018888314468289195
+7 16 0.03210039496202751
+7 17 -0.018399921997121333
+7 18 -0.05608152288679504
+7 19 -0.09878031125388022
+7 20 0.021995401883081137
+7 21 0.002691828689992154
+7 22 -0.013040350814132538
+7 23 -0.1305013758756188
+7 24 -0.07307006879438563
+7 25 -0.056128780170058214
+7 26 -0.034934080519371545
+7 27 0.01724470902073129
+7 28 -0.13145560554753527
+7 29 0.037436024890722217
+7 30 0.00560139879832833
+7 31 -0.019127625373086467
+7 32 -0.04214509657979447
+7 33 -0.031879944735610594
+7 34 0.07100424609025702
+7 35 -0.06825288338931822
+7 36 -0.025480532830763476
+7 37 -0.027228791910750044
+7 38 0.010060677326816375
+7 39 0.06311201196710452
+7 40 -0.0011154508608318223
+7 41 0.0870972764827886
+7 42 -0.06899999922324464
+7 43 0.03142948358613749
+7 44 -0.09910417988768461
+7 45 -0.03682577641537509
+7 46 -0.03361580641597902
+7 47 0.0163883283593652
+7 48 0.03795537833312225
+7 49 -0.0342707058024866
+7 50 0.028583057188830408
+7 51 -0.05787250053078797
+7 52 -0.005286767738954242
+7 53 -0.030703322161076782
+7 54 -3.1698210341983405E-4
+7 55 -0.016355285649502678
+7 56 -0.024848885830576022
+7 57 0.024332174241062342
+7 58 0.019860747998392266
+7 59 -0.08385253987657423
+7 60 -0.07645781832566398
+7 61 0.04550334361180627
+7 62 0.06472357465255017
+7 63 0.044077192492363214
+7 64 0.012130021036922371
+7 65 -0.021645517513263164
+7 66 -0.0027769628017312487
+7 67 -0.04815622816172127
+7 68 -0.12714516592985636
+7 69 0.05164458314197941
+7 70 -0.01665216849408337
+7 71 0.04368891335881027
+7 72 -0.06949660201383612
+7 73 -0.022934509005219882
+7 74 0.014645720068026818
+7 75 -0.1036494053705793
+7 76 -0.005631710413067547
+7 77 -0.04889482783195202
+7 78 -0.07144445809347527
+7 79 -0.1246477159152165
+7 80 -0.09392495000763117
+7 81 -0.025896940418329645
+7 82 -0.06626630376589582
+7 83 -0.09084291976736845
+7 84 0.08539178115504874
+7 85 0.007555410582338651
+7 86 0.04255323030748831
+7 87 0.045990981841314595
+7 88 -0.030687648819290494
+7 89 -0.12175210242696195
+7 90 -0.031173683878214745
+7 91 -0.04348014698592785
+7 92 -0.030390825646018676
+7 93 -0.022643780584152045
+7 94 0.045727506320221725
+7 95 -0.02592545001960375
+7 96 -0.011858635460884368
+7 97 -0.07142822039054247
+7 98 -0.09123236573986052
+7 99 -0.10348700070410231
+7 100 -0.04037565844393148
+7 101 -0.039933782032137995
+7 102 -0.08129422464050992
+7 103 -0.002678186459851321
+7 104 0.04645724517031681
+7 105 0.05380186093626916
+7 106 0.037111565907853215
+7 107 0.04493819721645563
+7 108 -0.13518638711403974
+7 109 0.08311016433978081
+7 110 0.028448018138053772
+7 111 0.020654702752520463
+7 112 0.03034650876519487
+7 113 -0.08176470442992542
+7 114 -0.0381567295122954
+7 115 -0.05998078154389158
+7 116 -0.09082678866248563
+7 117 0.011699510609623747
+7 118 -0.016068101441890654
+7 119 -0.10660487537031932
+7 120 0.05823629844577687
+7 121 -0.03654683035925399
+7 122 -0.021182942732898096
+7 123 -0.09982554969630761
+7 124 -0.039412395218941125
+7 125 -0.03568259797138976
+7 126 -0.052298515550159665
+7 127 -0.06801701664856712
+7 128 0.028078923100106762
+7 129 -0.02068448711386126
+7 130 -0.04365630425963947
+7 131 -0.06871698511116202
+7 132 -0.1121020798612205
+7 133 0.024688551633094347
+7 134 0.05508356734558887
+7 135 -0.025823600652013785
+7 136 -0.01960647377104714
+7 137 -0.05309205161306329
+7 138 -0.10318275476069966
+7 139 -0.025567537173531548
+7 140 -0.009144994669861992
+7 141 -0.006846310968354872
+7 142 0.01976997288272098
+7 143 -0.06549474424680372
+7 144 0.007732334003032497
+7 145 -0.07291420516812133
+7 146 -0.04240645094103149
+7 147 -0.13856884328479321
+7 148 -0.03916261542460002
+7 149 -0.037126460421663725
+7 150 -0.0796764738211509
+7 151 -0.011761072001157762
+7 152 -0.05243557536305261
+7 153 -0.036685615173562405
+7 154 -0.04834090744307827
+7 155 -0.02786554950849847
+7 156 -0.14824914292718344
+7 157 -0.024381240450275937
+7 158 0.016730167664498963
+7 159 -0.0649931253609936
+7 160 -0.0903262928904672
+7 161 -0.10181084873193313
+7 162 0.04065534446737137
+7 163 0.021278994919592994
+7 164 0.020997007164936382
+7 165 0.013765713805674332
+7 166 0.037278344930979555
+7 167 0.04133396681883504
+7 168 -0.08344991272664004
+7 169 0.10293587922264472
+7 170 0.054185992470989514
+7 171 0.008544549438618943
+7 172 -0.05429203916878226
+7 173 0.01814217831179052
+7 174 -0.042219056807185025
+7 175 -0.0688824529773536
+7 176 0.00910452964826763
+7 177 0.01759718149541005
+7 178 -0.02292742821529172
+7 179 0.07085322110303677
+7 180 0.04500343318176677
+7 181 0.007731282453145135
+7 182 -0.015817137359024003
+7 183 0.04416316367647909
+7 184 -0.04016758493526131
+7 185 -0.08738559800986893
+7 186 -0.020133695926441555
+7 187 -0.05568443235376766
+7 188 -0.05660278458762556
+7 189 -0.020323119427196064
+7 190 0.039246550467311084
+7 191 -0.13948339261480414
+7 192 -0.05662721930714638
+7 193 -0.049571110262120514
+7 194 -0.014955282928498966
+7 195 -0.05956637558504291
+7 196 -0.02239363171489316
+7 197 -0.06777167315457298
+7 198 -0.035009408063954216
+7 199 -0.07683774105463345
+7 200 -0.08770821954545654
+7 201 -0.09562824835247158
+7 202 -0.12242220049441263
+7 203 -0.05448795334239546
+7 204 -0.0341177347991758
+7 205 -0.08005891944110749
+7 206 -0.2376002693983307
+7 207 0.0012421251599042606
+7 208 -0.040859657652610924
+7 209 -0.0354190384333241
+7 210 0.047619842993964955
+7 211 0.035844082791776505
+7 212 -0.05533610688234754
+7 213 -0.04062156109173244
+7 214 0.06234149028855386
+7 215 0.031079739302904676
+7 216 -0.0024172594995412583
+7 217 0.05474569149942527
+7 218 0.01610596583981594
+7 219 -0.06530628373384496
+7 220 -0.08148325110025167
+7 221 -0.12308967997815641
+7 222 -0.09277007703361351
+7 223 -0.01961239079415427
+7 224 -0.031985210880414214
+7 225 -0.09125229202488122
+7 226 -0.020874171104344
+7 227 -0.04806718632028838
+7 228 -8.176425046530699E-4
+7 229 0.02420435084958423
+7 230 0.010759728850287162
+7 231 -0.09957892617112274
+7 232 0.03308876803396405
+7 233 0.10085251826004987
+7 234 0.016567693187672528
+7 235 -0.03872291713066705
+7 236 -0.05115780974227252
+7 237 -0.04220250937257043
+7 238 0.049951978487672244
+7 239 -0.03860535653570168
+7 240 0.01485649681082861
+7 241 0.015625387485126426
+7 242 -0.09284276244551823
+7 243 -0.09905969238101237
+7 244 -0.06805024690255328
+7 245 -0.019330836639911496
+7 246 0.0021079079247616813
+7 247 0.028827405432508717
+7 248 0.06924957977323182
+7 249 -0.07139758664656284
+7 250 0.058862015635048975
+7 251 -0.0065894327827637775
+7 252 -0.0011520643373685892
+7 253 0.04472621748399976
+7 254 -0.02982488181086393
+7 255 -0.1310570627928816
+7 256 -0.004957652217427316
+7 257 0.040486178198081535
+7 258 -0.06915825198949169
+7 259 -0.057059414122683096
+7 260 -0.002796477276811254
+7 261 -0.06471518346185431
+7 262 -0.05102014625094478
+7 263 -0.021972431324716716
+7 264 0.021574325322175063
+7 265 0.016654932210446095
+7 266 -0.0010253388157722369
+7 267 0.044289736016105676
+7 268 -0.010434708298832491
+7 269 -0.04346375538129063
+7 270 0.024625549901776837
+7 271 0.019006540678117204
+7 272 0.06262363177895319
+7 273 -0.057293962503408055
+7 274 0.06409807191575871
+7 275 -0.03607621650134715
+7 276 -0.05162379552985991
+7 277 0.007318293015729948
+7 278 0.10249120924541068
+7 279 0.04612358887251679
+7 280 -0.0426533318584927
+7 281 -0.012129725830194798
+7 282 0.06265711084494
+7 283 -0.024507033539591282
+7 284 -0.0786166463526398
+7 285 0.04663778056439823
+7 286 0.008467588999688618
+7 287 -0.06626002073360975
+7 288 0.07645710858018477
+7 289 -0.03415144101392175
+7 290 -0.0249991772877633
+7 291 -0.02797004714611666
+7 292 0.018342897352231925
+7 293 -0.03321676917067799
+7 294 -0.01962823844802558
+7 295 0.034284887036747765
+7 296 -0.08629664751219177
+7 297 -0.06130545584268142
+7 298 -0.006107899700006298
+7 299 0.02402551617738249
+7 300 -8.160062933133091E-4
+8 1 -0.02477560966805015
+8 2 -0.020961098446160054
+8 3 0.0022261997851107883
+8 4 -0.0032359955808158336
+8 5 -0.02528841351175828
+8 6 -0.04565926385131711
+8 7 -0.11051196457761485
+8 8 -0.015690093086600427
+8 9 -0.01665941752374074
+8 10 -0.032688755789972664
+8 11 -0.040557674346702405
+8 12 -0.04058197515089712
+8 13 0.002165046288475009
+8 14 -0.019997560225863714
+8 15 -0.012280329290717752
+8 16 -0.04821931601629431
+8 17 -0.020975561101888796
+8 18 -0.027265721095301003
+8 19 -0.05939599402763416
+8 20 -0.01490109074323207
+8 21 -0.04449480319337195
+8 22 -0.06969053879810456
+8 23 -0.02215427484048904
+8 24 -0.018671176507109463
+8 25 -0.01624806047928251
+8 26 -0.02999708142401942
+8 27 -0.005889670484333624
+8 28 0.004791035674721787
+8 29 -0.022440768669605773
+8 30 -0.03163142097530989
+8 31 -0.013626433527636832
+8 32 -0.0672036048750197
+8 33 -0.01764202253484714
+8 34 -0.05633583561987993
+8 35 -0.0743875580513955
+8 36 -0.053439640458129045
+8 37 -0.01860963117237972
+8 38 -0.01717470948534284
+8 39 -0.05205194565120925
+8 40 -0.015096847225598628
+8 41 -0.038797178823073764
+8 42 -7.947201133566615E-4
+8 43 -0.0990941872370191
+8 44 -0.024821883477975423
+8 45 -0.009224897729438922
+8 46 -0.021386973267988264
+8 47 -0.037118002875595066
+8 48 -0.008394242228873434
+8 49 -0.004851323241124079
+8 50 -0.006435550565057684
+8 51 -0.009883747106487912
+8 52 -0.06066719984334315
+8 53 -0.01612033449735943
+8 54 -0.130529814479317
+8 55 -0.01289022121529575
+8 56 -0.024608832529293138
+8 57 -0.006477573931590247
+8 58 -0.05447600773983857
+8 59 -0.00347524768083289
+8 60 -0.01672443217478344
+8 61 -0.06597258969776483
+8 62 0.00754096947817464
+8 63 -0.0189407117675378
+8 64 -0.031063766704986433
+8 65 -0.02266953834367662
+8 66 -0.11152658967158124
+8 67 0.009574660133293571
+8 68 -0.0035582136327484593
+8 69 -0.08243883912808307
+8 70 -0.014572347958022982
+8 71 -0.03483227396148626
+8 72 -0.02361464099703469
+8 73 -0.018286101656095507
+8 74 -0.053447467640560624
+8 75 -0.032102841369618745
+8 76 0.0215078637012702
+8 77 -0.06281677307318621
+8 78 -0.032141498652115894
+8 79 -0.04507716668816334
+8 80 -0.00931632282917834
+8 81 -0.005161749816350917
+8 82 -0.024484537619559973
+8 83 -0.02339104547550035
+8 84 -0.13210260083188433
+8 85 -0.10036743050065854
+8 86 -0.01267107172652931
+8 87 5.523750438441864E-5
+8 88 -0.025777973720415744
+8 89 -0.0021665297094147643
+8 90 -0.0336186103244659
+8 91 0.005038830912939779
+8 92 -0.02338120389820537
+8 93 -0.13107338693959983
+8 94 -0.021077635824732353
+8 95 -0.018208778161013635
+8 96 -5.185748744349116E-4
+8 97 -0.00721432659139723
+8 98 -0.001405693005176017
+8 99 -0.003416316253586553
+8 100 -0.012357269663510076
+8 101 -0.0849801184993123
+8 102 0.002344764871103648
+8 103 -0.04856331211603824
+8 104 -0.016474815583356006
+8 105 -0.010352966107324156
+8 106 -0.05715201626325839
+8 107 -0.07801095829993818
+8 108 0.0035024324448570754
+8 109 -0.06874050119590487
+8 110 -0.052886656353060765
+8 111 -0.027895108227802473
+8 112 -0.04108121388136297
+8 113 -0.08741087247890861
+8 114 -0.04499093470068497
+8 115 0.0010554484726724208
+8 116 0.01210484589977966
+8 117 -0.02316415231593423
+8 118 -0.07362046202704371
+8 119 0.0018102044103248222
+8 120 -0.03729993642504437
+8 121 -3.6160347994701204E-4
+8 122 -0.08207898777996189
+8 123 -0.08580524875121984
+8 124 -0.09405826711475647
+8 125 -0.017843652923215575
+8 126 -0.04389792640800092
+8 127 -0.0030267634182251676
+8 128 -0.02268091530326332
+8 129 -0.0459786305423856
+8 130 -0.012762894905644187
+8 131 0.0044351133583339876
+8 132 -0.003511873839451229
+8 133 -0.006130515639556288
+8 134 -0.026153259537455686
+8 135 -0.029295978373810108
+8 136 -0.015137923543861119
+8 137 -0.018894508452117084
+8 138 -0.013548736607002983
+8 139 -0.04824775078214017
+8 140 -0.06286772186872151
+8 141 -0.03096522108209542
+8 142 0.003974706166977278
+8 143 -0.01893961383190393
+8 144 -0.11153751544276269
+8 145 -0.05495292241441935
+8 146 -0.012540529995468784
+8 147 -0.02618638651118702
+8 148 -0.05902317068080411
+8 149 -0.03719605759936729
+8 150 -0.020576278722087202
+8 151 -0.013810440128634464
+8 152 0.007341349728271773
+8 153 -0.030477750108054064
+8 154 -0.015327167518842886
+8 155 0.00891422395462711
+8 156 -0.04805480868669746
+8 157 -0.018332524550823518
+8 158 -0.01049708030211055
+8 159 -0.007897911083338966
+8 160 -0.10304864721089524
+8 161 0.0038044015878048658
+8 162 -0.005237262328051455
+8 163 -0.023731501367214032
+8 164 -0.07988009126692483
+8 165 -0.09944095424003536
+8 166 -0.09128935009699106
+8 167 -0.037415456503156
+8 168 -0.016467654134002682
+8 169 -0.06934015207904308
+8 170 -0.05868586206999081
+8 171 -0.028628813922086552
+8 172 -0.05343086725666581
+8 173 -0.02120081366226706
+8 174 0.0075369106642029626
+8 175 -0.04974556950206848
+8 176 -0.03711099399713974
+8 177 -0.010339002687981836
+8 178 -0.01875648290438071
+8 179 -0.05920046325454414
+8 180 0.004266349813468491
+8 181 -0.0774265020456687
+8 182 -0.026449315563129083
+8 183 -0.01141448783935896
+8 184 -0.024313525577944986
+8 185 -0.07446716059953953
+8 186 -0.036925559171968006
+8 187 0.00704398686967121
+8 188 -0.022486324926226462
+8 189 -0.04345663418411268
+8 190 -0.03599027836596824
+8 191 0.003297874436700139
+8 192 -0.12556068443891436
+8 193 -0.006160331816741842
+8 194 -0.024120579511801493
+8 195 -0.028201863607662737
+8 196 -0.04552104329834944
+8 197 -0.02395535285527049
+8 198 -0.159118745622105
+8 199 -0.014739395750128963
+8 200 -0.03699326685237092
+8 201 -0.033485662220412445
+8 202 -0.014112439083843775
+8 203 -0.02561473614053747
+8 204 0.0028932087033726396
+8 205 -0.008976621550241677
+8 206 -0.011691969226051818
+8 207 -0.04002202417210938
+8 208 -0.03853504851663611
+8 209 -0.026568888929910217
+8 210 -0.059118882748653734
+8 211 -0.02468815068057038
+8 212 0.004641672516816255
+8 213 -0.05759399902900566
+8 214 4.984642903753333E-4
+8 215 -0.08960438392623053
+8 216 -0.03566600097112865
+8 217 -0.07905520424472366
+8 218 -0.06635613207045815
+8 219 -0.06417626802735991
+8 220 -0.06443907054492574
+8 221 -0.005845053581998638
+8 222 -0.008187832629613976
+8 223 -0.018747534934807603
+8 224 -0.01628267374442037
+8 225 -0.028356723418530353
+8 226 -0.020892684061007232
+8 227 -0.008912766622525792
+8 228 -0.07146328089512655
+8 229 -0.0044368773621097386
+8 230 -0.011967294177841351
+8 231 -0.08433927528164761
+8 232 -0.004893835454303212
+8 233 -0.040871508302948195
+8 234 -0.06846255204054444
+8 235 -0.009096271277576
+8 236 0.00818310302845145
+8 237 -0.005097424873119844
+8 238 -0.07181953644578491
+8 239 -0.016706419893187108
+8 240 -0.023978235464449094
+8 241 -0.07876489652336698
+8 242 -0.03170055181840386
+8 243 -0.028417922554788123
+8 244 -0.07149733267956239
+8 245 -0.015659098802036708
+8 246 -0.011997991882525627
+8 247 -0.0041881189351269995
+8 248 -0.08448460405368712
+8 249 -0.028258160452986198
+8 250 -0.019717833193031404
+8 251 -0.055517439919375584
+8 252 -0.1032007514379967
+8 253 -0.01995626292132467
+8 254 -0.01217970272229058
+8 255 -0.004818190147376201
+8 256 -3.851368596746896E-4
+8 257 -0.010730705306867068
+8 258 -0.013090644114812672
+8 259 -0.06831579241490267
+8 260 -0.023691168161511025
+8 261 -0.0024034353167480312
+8 262 -0.016602232858233642
+8 263 -0.11439630043209406
+8 264 -0.023664816547981724
+8 265 -0.08781405023629538
+8 266 -0.030951317231313513
+8 267 -0.023050158318102323
+8 268 -0.08761283993350179
+8 269 -0.01063893264615571
+8 270 -0.06124785821167892
+8 271 -0.06434648259715937
+8 272 -0.0779314362002728
+8 273 -0.007767497787161939
+8 274 -0.0720466129495085
+8 275 0.013588470272149225
+8 276 -0.07637961042151589
+8 277 -0.020397413776577035
+8 278 -0.049651999535920456
+8 279 1.6668565157864328E-4
+8 280 -0.01633400290565975
+8 281 -0.10101027405919359
+8 282 -0.021003243752728534
+8 283 -0.06811249638750753
+8 284 -0.03088896097782057
+8 285 -0.1026274175207567
+8 286 -0.0029530347628591463
+8 287 -0.019859130973319334
+8 288 -0.019541774033431193
+8 289 -0.004832427611926193
+8 290 -0.0072748060977435094
+8 291 -0.10293957464683737
+8 292 -0.02795812104229747
+8 293 -0.008347699973316159
+8 294 0.007854324313281057
+8 295 -0.12310079309811296
+8 296 -0.0367437445654283
+8 297 -0.03448332626743938
+8 298 -0.037032807473598
+8 299 -0.07895332030713004
+8 300 -0.05031121758225094
+9 1 -0.03430338297505556
+9 2 -0.024473345882911383
+9 3 0.022573235516636606
+9 4 0.02183039991560624
+9 5 -0.03472046651260859
+9 6 0.036715262789515764
+9 7 0.05792049765283166
+9 8 0.003182236917136978
+9 9 0.03739691363457993
+9 10 0.009587302933694574
+9 11 0.015565619907643505
+9 12 -0.0021049339624249724
+9 13 -0.0010608126386617805
+9 14 0.03910193295657081
+9 15 0.00485598969790993
+9 16 -0.009327703759316375
+9 17 0.07714264414026714
+9 18 -0.07450315169501884
+9 19 -0.001187406845579427
+9 20 0.03264436636996979
+9 21 0.03224892409593187
+9 22 0.01605676106275457
+9 23 0.0025665250129743456
+9 24 -0.012152937221482123
+9 25 -0.05581826859595451
+9 26 0.11521829482415412
+9 27 -0.06996609647804415
+9 28 0.03732719218230491
+9 29 -0.04447113422097955
+9 30 -0.0026250679350121355
+9 31 0.05976571653913184
+9 32 0.10633574312849621
+9 33 0.036160128673040935
+9 34 0.029326563609425364
+9 35 0.08829481301101318
+9 36 -0.023535709324773724
+9 37 0.05796107329732313
+9 38 0.03412429521684915
+9 39 -0.08969150540424428
+9 40 0.07288836483829443
+9 41 0.013528597538380939
+9 42 -0.046147324732099156
+9 43 -0.0024979247546585183
+9 44 0.0021471840389445376
+9 45 0.13818292726781625
+9 46 0.005758044006517271
+9 47 -0.08993938136272044
+9 48 0.007655768175912818
+9 49 0.020865829131356175
+9 50 -0.015349318424438528
+9 51 0.03030867165416053
+9 52 -0.05665651886541492
+9 53 0.03870395088828827
+9 54 0.0688517898175385
+9 55 -0.013702290402150891
+9 56 0.04293512222820876
+9 57 -0.037344609668185445
+9 58 0.05647068714301402
+9 59 -6.16510094358035E-4
+9 60 0.011031560330216437
+9 61 0.048858703198764876
+9 62 -0.03539792548320905
+9 63 0.038483148717745615
+9 64 0.001831501166205352
+9 65 -0.024942396917172083
+9 66 0.07292750746339234
+9 67 -0.03790888170646633
+9 68 -0.04575244275946076
+9 69 -0.005561463533094801
+9 70 0.04174477346139414
+9 71 0.018016989583145775
+9 72 0.002988979396336756
+9 73 -0.017542778556341884
+9 74 0.058924220918504695
+9 75 0.03302654278460945
+9 76 -0.009584784548238905
+9 77 0.06366097062348601
+9 78 -0.04518519101979996
+9 79 0.09237729561922918
+9 80 -0.09115330056610303
+9 81 0.016100467934162557
+9 82 -0.013869410097800412
+9 83 -0.07362560529010986
+9 84 -0.051842946990514
+9 85 -0.02363118536784538
+9 86 -0.0239470040199693
+9 87 0.009271351558907358
+9 88 0.07633547099329631
+9 89 0.01898970649881828
+9 90 0.04961278313758123
+9 91 -0.009369501534929934
+9 92 0.08279747964095865
+9 93 -4.0807755201442856E-5
+9 94 0.03863098191535174
+9 95 0.03668558825267525
+9 96 -0.06724750260644753
+9 97 0.03636872898492947
+9 98 0.030803442028584607
+9 99 -0.009221801037386505
+9 100 0.04246029194660688
+9 101 -0.0314250972091414
+9 102 0.003995837774559484
+9 103 0.02870224419290008
+9 104 0.0808595064980494
+9 105 0.045562720341334684
+9 106 0.04187357892416962
+9 107 0.034730695426377516
+9 108 0.012499390858561743
+9 109 0.002222314981164595
+9 110 0.012595762073600957
+9 111 0.04533743738754284
+9 112 0.006424577610739486
+9 113 -0.05957344357677902
+9 114 0.03928078027752022
+9 115 0.042057123482705634
+9 116 0.03347048670070956
+9 117 0.04283647694293658
+9 118 -0.030108086732303335
+9 119 0.040782861412757415
+9 120 0.014843399387668925
+9 121 0.02541938574362501
+9 122 -0.0023347309890434475
+9 123 0.005229400157462953
+9 124 -0.04094672106768687
+9 125 0.040451302636642254
+9 126 0.013747808870948855
+9 127 0.04674344707263337
+9 128 -0.1047490973800781
+9 129 0.053165899146485215
+9 130 0.05776988254148351
+9 131 0.0758879972715473
+9 132 -0.1288298860439489
+9 133 -0.01758697482384727
+9 134 0.013635571986216923
+9 135 -0.05466218216684918
+9 136 -0.012925264850532853
+9 137 0.012053935575050802
+9 138 0.039006243860224867
+9 139 0.05962550635916237
+9 140 -0.031082373955474897
+9 141 -0.0173023199362378
+9 142 -0.06541284322513079
+9 143 0.08901074206319606
+9 144 0.005335155647473462
+9 145 0.07633241496971603
+9 146 0.02968201949510497
+9 147 -0.039197109625551535
+9 148 0.00434532056409322
+9 149 0.05054730596066437
+9 150 0.061635309093264
+9 151 0.045818259160209936
+9 152 -0.014067750796834852
+9 153 0.03813805832702071
+9 154 0.10265639896313192
+9 155 0.0038667169122376813
+9 156 0.020192932948653167
+9 157 -0.04390145036048051
+9 158 0.019883677487198832
+9 159 0.037018501540050715
+9 160 0.019011220313943124
+9 161 -0.014431268904586653
+9 162 0.023051229128249133
+9 163 0.037351490823776715
+9 164 -0.007223905959481694
+9 165 0.05987363715521917
+9 166 0.019531646805205055
+9 167 0.029945259600413516
+9 168 -0.024719193743146715
+9 169 0.057795679868629775
+9 170 -0.017364423680511235
+9 171 0.06007145299346138
+9 172 0.08426403534391537
+9 173 -0.14270115337328218
+9 174 -0.005975005640537054
+9 175 0.010675730881298215
+9 176 0.07881911564712742
+9 177 -0.03670601348322634
+9 178 0.02569083668522989
+9 179 0.07394557859391135
+9 180 -0.05729643141953428
+9 181 -0.036917923637029164
+9 182 0.0061172781708024255
+9 183 -0.010870679236135111
+9 184 0.021896861078393906
+9 185 0.015478666487044641
+9 186 -0.03368142744355706
+9 187 -0.08358498240058973
+9 188 -0.007208437415254603
+9 189 -0.0057502781406598555
+9 190 -0.0375424770205205
+9 191 0.07868241946208365
+9 192 -0.026009029908891885
+9 193 0.020447391256304858
+9 194 -0.05753719317828058
+9 195 0.045828865594362084
+9 196 0.07545449780244573
+9 197 -0.010482814019653544
+9 198 -0.060444891883512125
+9 199 0.07072011304519261
+9 200 -0.043342210391899665
+9 201 0.025019943244757016
+9 202 0.07719580930793166
+9 203 0.001231497826833934
+9 204 0.004257904451319349
+9 205 -0.015599265578159964
+9 206 -0.07762763603371235
+9 207 0.01205935008733156
+9 208 0.02584302890640153
+9 209 -0.031612305037303876
+9 210 0.0769958964635247
+9 211 0.03029260499231219
+9 212 -2.001189993486027E-4
+9 213 -0.06026157502973511
+9 214 -0.1797706176577554
+9 215 -0.01912877543458223
+9 216 0.036657492366022754
+9 217 0.022597270767236485
+9 218 0.039972848642837545
+9 219 0.027754755086355984
+9 220 -0.06566453113745367
+9 221 0.05768313922158063
+9 222 0.02311502077217879
+9 223 -0.0025033023049499505
+9 224 0.03768237871134534
+9 225 0.07067056308507733
+9 226 0.004481701709688489
+9 227 0.07678662971808699
+9 228 0.008832962082925314
+9 229 -0.0038362714767503823
+9 230 0.01839021593226018
+9 231 -0.0010632331201487232
+9 232 -0.1757660653902314
+9 233 0.012626538553514565
+9 234 -0.024475895175115683
+9 235 0.027981444091881198
+9 236 -0.018428433848939482
+9 237 0.025167370308920897
+9 238 -0.020205380663999125
+9 239 0.038062728138059575
+9 240 -0.05767012560109774
+9 241 0.039206349804140186
+9 242 -0.034583172890562
+9 243 0.022937868800810737
+9 244 -0.05654090445357715
+9 245 0.041295620198260316
+9 246 -0.01412264130875875
+9 247 -0.004392524916193595
+9 248 0.02282099609036085
+9 249 0.016038004168533786
+9 250 -0.08265842236391836
+9 251 -0.014874336474619358
+9 252 0.04709492092997302
+9 253 -0.03623158723971614
+9 254 0.010976614804001332
+9 255 -0.024575767536374984
+9 256 0.027632537028022496
+9 257 0.0288353843923118
+9 258 -0.033849748226881304
+9 259 0.04137160884473603
+9 260 0.06578951389510666
+9 261 -0.030987525783133543
+9 262 -0.03183790428221048
+9 263 -0.05701973854416599
+9 264 0.034478462525137914
+9 265 0.022625706763329007
+9 266 0.02448700428284529
+9 267 0.01714515128397027
+9 268 0.03561720629158183
+9 269 -0.09125449367465567
+9 270 0.056573870105945646
+9 271 0.02126483330806205
+9 272 0.02044330436189828
+9 273 0.03513195678726744
+9 274 -0.01093721704985584
+9 275 -0.010043933567334152
+9 276 0.042364267361834955
+9 277 0.03901862199284927
+9 278 0.013230939614103925
+9 279 -0.1935191123937473
+9 280 -0.035973174683806466
+9 281 0.04045814727940902
+9 282 0.015465856462812726
+9 283 0.018486273153110924
+9 284 -0.016220597199797498
+9 285 -0.008997677926406393
+9 286 0.027059551531763273
+9 287 0.0472334921042322
+9 288 -0.06285003795648164
+9 289 0.03535164428123634
+9 290 -0.03402850385998225
+9 291 0.022441472845628693
+9 292 0.055990157366255344
+9 293 0.03069041223494053
+9 294 0.0073853917938009024
+9 295 -0.0195728863753484
+9 296 0.025384885951485102
+9 297 0.03447855615890494
+9 298 0.03806069216409132
+9 299 -0.017858083764199652
+9 300 -0.07849384740122979
+10 1 -0.048110251463752016
+10 2 -0.042685996301723234
+10 3 -0.04794206489250355
+10 4 0.010568244755132098
+10 5 -0.01773797645782657
+10 6 0.022361128216011064
+10 7 -0.011290621545680031
+10 8 0.05498147091783826
+10 9 -0.04763811217238474
+10 10 -0.033436347400406824
+10 11 0.03557762989490227
+10 12 0.031235492703841208
+10 13 -3.3649709369647517E-4
+10 14 0.03589124209318272
+10 15 0.045952729601656694
+10 16 -0.13282385776924902
+10 17 -0.05027291841124401
+10 18 -0.014776640858549853
+10 19 -0.0497368727556884
+10 20 0.02766530916103394
+10 21 0.05763842172130236
+10 22 -0.09063283095511375
+10 23 -0.02120874952879759
+10 24 -0.024237665844388887
+10 25 -0.11308859665086132
+10 26 -0.08393677458747689
+10 27 0.0467010782816399
+10 28 -0.03857916054983442
+10 29 0.01153162623605054
+10 30 0.045792640395312834
+10 31 -0.022699389017529093
+10 32 -0.008582592011156881
+10 33 0.008547049517561965
+10 34 -0.13298991081517172
+10 35 -0.054243278189652105
+10 36 -0.02979723253767943
+10 37 -0.02027197022270243
+10 38 0.04822706034564692
+10 39 -0.03033517509044512
+10 40 -0.04570996901499758
+10 41 -0.11069322681503627
+10 42 -0.051130616710256996
+10 43 0.055756249006773805
+10 44 -0.051253732023240225
+10 45 -0.023095719732605945
+10 46 0.038844182618269614
+10 47 -0.03582071679231431
+10 48 -0.05027645056015587
+10 49 -0.040894807092139066
+10 50 -0.02772298646178105
+10 51 0.02186798826265924
+10 52 0.05621515974291072
+10 53 0.005767381003975983
+10 54 -0.09526369168946006
+10 55 0.07803018078302233
+10 56 -0.07272981580395285
+10 57 -0.019378354917720466
+10 58 0.005853695146428475
+10 59 0.008576130568366338
+10 60 0.03413076368344454
+10 61 -0.008261906334308147
+10 62 -0.06113735360799152
+10 63 -0.013144089238808786
+10 64 0.039173738351359164
+10 65 -0.1351744340121218
+10 66 -0.006249199754996085
+10 67 -0.08405139257340634
+10 68 -0.057002253567145104
+10 69 -0.13530736353277403
+10 70 -0.10285114220380433
+10 71 -0.09266056683507758
+10 72 -0.0014211131114752347
+10 73 -0.01850552224924604
+10 74 -0.09318651049716724
+10 75 -0.06665041578783934
+10 76 0.04822525559533875
+10 77 -0.009849031336865289
+10 78 0.005210899084952565
+10 79 -0.0294799116082751
+10 80 -0.015549218183799769
+10 81 -0.04474560660282443
+10 82 -0.0086548812170757
+10 83 -0.010756810731325755
+10 84 -0.032923321650554185
+10 85 0.03405936512790263
+10 86 -0.05194468775774809
+10 87 -0.07859932839551513
+10 88 0.015002623835242037
+10 89 0.2282061860486795
+10 90 -0.007831803828602487
+10 91 -0.08013705796079526
+10 92 0.030271430236528042
+10 93 -0.05196147392200477
+10 94 0.08149172153528673
+10 95 0.0523456770864248
+10 96 -0.08138115440073809
+10 97 0.032248391784625914
+10 98 -0.019874739555287808
+10 99 0.008770063926006799
+10 100 -0.010053165730292838
+10 101 -0.1191730923056405
+10 102 0.020107966879290323
+10 103 -0.028116471038617138
+10 104 -0.05771350680719442
+10 105 -0.05851478276065878
+10 106 -0.019981183833348744
+10 107 -0.1021975930733184
+10 108 0.14460222642111176
+10 109 -0.04475791613473102
+10 110 0.02301500887218118
+10 111 -0.05799859822093393
+10 112 0.046378678777308946
+10 113 0.023035813880241594
+10 114 -0.03484274488222153
+10 115 0.04249131872278402
+10 116 -0.053438305280252056
+10 117 -0.027468279195190775
+10 118 -0.04959263446182535
+10 119 -0.1056455931846077
+10 120 0.0032799779366683704
+10 121 0.07747538732946634
+10 122 0.003981535329931931
+10 123 -0.012986675289459789
+10 124 -0.049217854811353316
+10 125 0.006181707256462994
+10 126 -0.0589476697467098
+10 127 -0.054313812750582294
+10 128 -0.19878829008529372
+10 129 -0.05054671007472928
+10 130 0.028154557371780103
+10 131 -0.03408523036601391
+10 132 -0.13219291945553122
+10 133 -0.03872672219392987
+10 134 0.019191063892896498
+10 135 -0.07518290077287194
+10 136 -0.09633790558754025
+10 137 -0.015393486645493299
+10 138 0.07027983453493154
+10 139 -0.01719805632791034
+10 140 -0.07388987629724614
+10 141 -0.116893044864306
+10 142 -0.05303860664968689
+10 143 -0.08445680554742725
+10 144 -0.07210767142743438
+10 145 0.003308183486092221
+10 146 -0.038088054826995905
+10 147 0.06838466427808552
+10 148 -0.10440933133592535
+10 149 -0.19879680886386325
+10 150 0.027538566574590233
+10 151 -0.03699848325511889
+10 152 -0.011768167096086623
+10 153 0.12334405261251502
+10 154 0.05678916472852529
+10 155 -0.010498897391785224
+10 156 -0.07419398674226707
+10 157 -0.11238690117459683
+10 158 -0.10681914327000891
+10 159 -0.060004478983590716
+10 160 0.054733284750819754
+10 161 0.023417807600540477
+10 162 0.09409405422198389
+10 163 0.04361625115828285
+10 164 -0.07237514995737297
+10 165 -0.07629848475177453
+10 166 -0.020610284679180885
+10 167 -0.09915102712897313
+10 168 -0.09241612714701328
+10 169 -0.0132793226228601
+10 170 -0.036796791137446876
+10 171 0.02603993042558701
+10 172 0.05883837280084713
+10 173 -0.149751054829538
+10 174 0.07442623351790174
+10 175 -0.05293677280568571
+10 176 0.019243036466647247
+10 177 -9.521248380399966E-4
+10 178 -0.14248567603497544
+10 179 -0.042119420041498795
+10 180 -0.06645781549149665
+10 181 0.05746917475113975
+10 182 0.06486018353236125
+10 183 -0.056181687632176104
+10 184 -0.08715739294870606
+10 185 -0.018438166674695815
+10 186 0.030412170349446453
+10 187 -0.06688999958880826
+10 188 0.015362901738802434
+10 189 0.07576318187776775
+10 190 -0.04135210672458411
+10 191 -0.04276882193843746
+10 192 0.00830857457562859
+10 193 -0.11546492981301895
+10 194 -0.0719041348291216
+10 195 0.06333346157251528
+10 196 0.008515657856755291
+10 197 0.11594022173358891
+10 198 0.053742403098756865
+10 199 -0.06577547757260818
+10 200 -0.10483405900579529
+10 201 0.04579704311136435
+10 202 0.08239524200161864
+10 203 -0.1494259108123732
+10 204 -0.17129230525243738
+10 205 -0.056420741337826257
+10 206 -0.15997011183846457
+10 207 0.006673991720506338
+10 208 -0.02656890033464401
+10 209 -0.047703015112019694
+10 210 0.047469402617622225
+10 211 -0.1305943970494123
+10 212 -0.1367640682199588
+10 213 0.04083897883228906
+10 214 -0.10074422520717746
+10 215 -0.13542381314513655
+10 216 0.022378221694624664
+10 217 -0.02474981963965163
+10 218 -0.06549405742951474
+10 219 -0.06954330646752599
+10 220 -0.09447392748912173
+10 221 0.06184562864881067
+10 222 0.10170432336640671
+10 223 0.04987751092823692
+10 224 0.0236999852567972
+10 225 -0.011094469851013446
+10 226 -0.018025989868458433
+10 227 -0.06901682080498969
+10 228 -0.1134466019121707
+10 229 -0.07388423340208666
+10 230 -0.05837920169654132
+10 231 -0.045565542145154556
+10 232 -0.05000443324668675
+10 233 -0.015510521085746824
+10 234 -0.05865914140844212
+10 235 -0.06253271919820884
+10 236 0.025834297204007057
+10 237 0.014445211809664807
+10 238 0.007864975401396159
+10 239 -0.07508730277263637
+10 240 -0.004556767184411374
+10 241 0.019589687969394507
+10 242 -0.004313629826232452
+10 243 0.023699254234060784
+10 244 -0.01685825900930327
+10 245 -0.0560515526125357
+10 246 -0.03834777892773797
+10 247 -0.15475496871334593
+10 248 0.01187428482782604
+10 249 -0.05151959471514299
+10 250 0.026047320814347588
+10 251 -0.076579620229095
+10 252 0.08658550327087777
+10 253 -0.11503776101072834
+10 254 -0.020308783467732922
+10 255 0.01644660520237618
+10 256 -0.013839132058282992
+10 257 -0.004277080896535938
+10 258 0.03104879243493674
+10 259 -0.1288541334170354
+10 260 0.06960566787597923
+10 261 -0.18773913325081312
+10 262 -0.07997875595311126
+10 263 -0.09171942605239332
+10 264 -0.009239856028778451
+10 265 0.05695167690808915
+10 266 -0.004359283261367615
+10 267 -0.14486214443826032
+10 268 0.0016193292116878642
+10 269 -0.06671137908676089
+10 270 -0.03882529466843642
+10 271 -0.060689858652405254
+10 272 -0.004755272413359972
+10 273 0.07249462260882089
+10 274 -0.0031514804425849365
+10 275 0.0064930133705423596
+10 276 -0.0072660172718874635
+10 277 0.05588831917481913
+10 278 -0.036744523117709794
+10 279 -0.12059066361967131
+10 280 -0.019319258558979122
+10 281 -0.0178418143454147
+10 282 0.021517831120871116
+10 283 0.028489729308960956
+10 284 0.00793291641708139
+10 285 -0.16145173934215834
+10 286 0.035053769441393726
+10 287 -0.05556073696290789
+10 288 -0.11806098050326888
+10 289 -0.051787851787355954
+10 290 -0.006078624959690677
+10 291 -0.005512414778329324
+10 292 -0.0696355376182202
+10 293 -0.06897154547869865
+10 294 0.016109721511069968
+10 295 -0.006491590229456902
+10 296 -0.07797167809791702
+10 297 -0.05835492094631564
+10 298 0.010604004892504319
+10 299 -0.14269488632949293
+10 300 0.05436603024197467
+11 1 -0.041310188603539064
+11 2 0.04222975771251631
+11 3 0.09197272750298024
+11 4 -0.07121897267774872
+11 5 -0.004123611167804355
+11 6 0.008737072237162354
+11 7 -0.013493081926925044
+11 8 0.015877619344603102
+11 9 -0.07608533401611972
+11 10 -0.02656614264935418
+11 11 -0.05288458216936629
+11 12 -0.12041034551724178
+11 13 -0.11671151132585326
+11 14 0.008468103730587115
+11 15 0.013582840644945608
+11 16 -0.10330983863725585
+11 17 -0.06251302531276898
+11 18 0.009571205561382155
+11 19 -0.05503437286551895
+11 20 -2.713254172280095E-4
+11 21 -0.09525905937138555
+11 22 -0.06616899843960604
+11 23 -0.07029686576815661
+11 24 -0.09252456547396307
+11 25 -0.10884903446973888
+11 26 -0.19242011837729578
+11 27 0.04556669987720369
+11 28 -0.15948873606792488
+11 29 -0.06568343724414916
+11 30 0.09579674566738723
+11 31 -0.13574150025007076
+11 32 -0.08672361898143992
+11 33 -0.034757230089283005
+11 34 0.03192141848614212
+11 35 -0.13566745214791393
+11 36 -0.053118302157967416
+11 37 -0.11167454653034126
+11 38 -0.025200195162408373
+11 39 -0.06368819240649029
+11 40 -0.15484663680510796
+11 41 -0.01969332072184945
+11 42 -0.05849897118989892
+11 43 0.056054869279713454
+11 44 -0.07283344492816315
+11 45 -0.08476838309619765
+11 46 -0.05452298420895312
+11 47 0.03134800497835431
+11 48 -0.04400886591816173
+11 49 -0.03895784413467632
+11 50 -0.016352800787384224
+11 51 -0.1220696473506323
+11 52 0.006422944282045286
+11 53 -0.10031045955981184
+11 54 -0.05685810001733434
+11 55 -0.013555233519557192
+11 56 -0.007923407425126223
+11 57 -0.07024698075670448
+11 58 -0.01655766860342226
+11 59 -0.10141972478541594
+11 60 -0.022276476824320275
+11 61 0.03065637011029387
+11 62 -0.08015987648785242
+11 63 -0.12579669032733715
+11 64 0.016697507900698662
+11 65 0.05329780466371572
+11 66 0.021135861082359108
+11 67 -0.07620519816349142
+11 68 -0.08504332008185621
+11 69 -0.09399319704504784
+11 70 0.07023149714658058
+11 71 0.08573956826203272
+11 72 -0.15618524361342334
+11 73 -0.07174919533857282
+11 74 -0.0315595722721837
+11 75 -0.1458387912154607
+11 76 -0.010938751912991831
+11 77 0.04245695136065377
+11 78 0.012975338808085695
+11 79 -0.024381721235193568
+11 80 -0.062343228621571954
+11 81 -0.08086413858228253
+11 82 0.11553057604325742
+11 83 0.008054277698892857
+11 84 -0.026067314222790173
+11 85 -0.08722652518485986
+11 86 0.06285646590740869
+11 87 -0.11340622285887536
+11 88 -0.06460327170158649
+11 89 0.19818166294839565
+11 90 -0.08330034609317147
+11 91 0.0035131952621774605
+11 92 -0.017099921059791284
+11 93 0.0020088934325553677
+11 94 -0.049829562459435414
+11 95 -0.055857605002109484
+11 96 -0.04787703774805083
+11 97 -0.08281728803109058
+11 98 -0.04262161528325509
+11 99 -0.08957600046834131
+11 100 -0.08631019672598214
+11 101 -0.07278866618162148
+11 102 -0.08506517854138448
+11 103 -0.005933696224691063
+11 104 -0.0957107189181919
+11 105 -0.01733413080446507
+11 106 0.05154328066717657
+11 107 -0.0920911005753612
+11 108 0.057657063889023974
+11 109 -0.04140760459326508
+11 110 -0.0402695799152866
+11 111 0.07350599060427465
+11 112 -0.059621275373114985
+11 113 0.020578022543591083
+11 114 -0.06088480222161746
+11 115 -0.1602451829198035
+11 116 -0.052193544088980436
+11 117 -0.058009471048799686
+11 118 -0.015347202550698168
+11 119 -0.10624694117725123
+11 120 0.050734054793301106
+11 121 -0.002448589054382204
+11 122 -0.06562477000284908
+11 123 -0.09255075743785328
+11 124 -0.022449699785653626
+11 125 -0.07003270082525045
+11 126 -0.16569196665804609
+11 127 -0.0829479506375477
+11 128 -0.10381343894267675
+11 129 0.04432484149692951
+11 130 -0.05580321898142593
+11 131 -0.05270029529548203
+11 132 -0.046074770454207825
+11 133 0.03532273431406623
+11 134 -0.10711551990583681
+11 135 -0.07876177244333818
+11 136 0.03031696469052151
+11 137 -0.04735660672684063
+11 138 0.021924662105189695
+11 139 0.042124616239096
+11 140 -0.012982534734562068
+11 141 0.04357694673502148
+11 142 -0.05251304235234497
+11 143 -0.006217294895709625
+11 144 -0.10705775913100218
+11 145 0.13834440797426498
+11 146 -0.06589352922743219
+11 147 -0.13410514189218342
+11 148 0.012344093102600626
+11 149 -0.13905221786653427
+11 150 -0.014270254303975024
+11 151 -0.11354464419917183
+11 152 -0.07525847987088331
+11 153 -0.09794510909722362
+11 154 0.027832535741250254
+11 155 -0.07406949491205814
+11 156 -0.13854886164257157
+11 157 -0.12168962757956946
+11 158 -0.07831134286154842
+11 159 -0.02579066003924466
+11 160 -0.10310622856950791
+11 161 0.01715780794831954
+11 162 -0.004616930338436598
+11 163 -0.0277864767344836
+11 164 0.0016078297068445337
+11 165 -0.10747675580485827
+11 166 -0.14259141526651603
+11 167 -0.10267537442746111
+11 168 -0.11246814916768919
+11 169 -0.21143627021450606
+11 170 -0.12640279360949444
+11 171 -0.05971654134995035
+11 172 0.04903163937609713
+11 173 -0.04163852420772147
+11 174 -0.08228130548479848
+11 175 -0.07110713319906459
+11 176 -0.053614410755564786
+11 177 0.10092348548782931
+11 178 0.03609880302428182
+11 179 -0.04529687122945271
+11 180 -0.11711797718090128
+11 181 -0.06115163900829855
+11 182 0.22099861752607536
+11 183 -0.11281729885619352
+11 184 -0.07341371426634292
+11 185 0.0859216328346563
+11 186 -0.08862435190334261
+11 187 -0.0643777184080777
+11 188 -0.14311666590220393
+11 189 -0.02942119106326669
+11 190 0.010480632478956763
+11 191 -0.03534019768323577
+11 192 -0.03695582047075738
+11 193 -0.11173340317862918
+11 194 -0.04972843249012082
+11 195 0.1229742596691178
+11 196 -0.0246605408324079
+11 197 0.07427732206426775
+11 198 -0.07195461156277058
+11 199 0.012502927440689602
+11 200 -0.020025622041127837
+11 201 -0.07601892511763728
+11 202 -0.06961167399769805
+11 203 -0.10832820422417994
+11 204 -0.04785513949593471
+11 205 -0.07711610453893512
+11 206 -0.023693998330232727
+11 207 -0.037475243810884774
+11 208 -0.08218418098451485
+11 209 -0.1226397320185788
+11 210 -0.02321796400537188
+11 211 -0.12666439510206212
+11 212 -0.09024756747400325
+11 213 -0.017219572042487682
+11 214 -0.024243760825628853
+11 215 -0.15753423273214115
+11 216 -0.08155215720025506
+11 217 -0.05452403276573151
+11 218 -0.0711315988929447
+11 219 -0.11232836066362346
+11 220 0.010774641645703985
+11 221 -0.03195284685964465
+11 222 -0.029891492442769743
+11 223 -0.04260600031391639
+11 224 0.04589745677989214
+11 225 0.047953027914982425
+11 226 -0.0756339117261482
+11 227 0.01856744851704941
+11 228 -0.1892034514873872
+11 229 -0.08413990309172517
+11 230 -0.10623248750941702
+11 231 -0.11666513814698035
+11 232 -0.08942543204970495
+11 233 0.10410649442850697
+11 234 0.032879425337277855
+11 235 -0.11893879252597739
+11 236 0.030356505342351563
+11 237 0.03339993015316954
+11 238 -0.030064068759109164
+11 239 -0.03778722724619171
+11 240 -0.15026475398596661
+11 241 -0.12364869447907781
+11 242 0.15148915008395494
+11 243 -0.0329592468474819
+11 244 0.02519589894845435
+11 245 -0.04597890892113163
+11 246 -0.07859567793293872
+11 247 -0.08582036897748835
+11 248 -0.09158335430756527
+11 249 0.0017922554750289495
+11 250 -0.09720520617746511
+11 251 -0.10461123684171744
+11 252 -0.00660512004277677
+11 253 0.10185111010208871
+11 254 0.06708340186181638
+11 255 -0.044785362341105646
+11 256 0.011479569522190541
+11 257 -0.06507019750122828
+11 258 -0.041315941519446224
+11 259 -0.09642650884306858
+11 260 -0.05840209855685549
+11 261 -0.07052282958699378
+11 262 -0.09225865781367874
+11 263 0.09508137552835019
+11 264 0.12204200654133741
+11 265 -0.02296167125056242
+11 266 -0.06460024458761539
+11 267 -0.12031720323709581
+11 268 0.10204439856237021
+11 269 -0.11370428310671991
+11 270 -0.09215041983894472
+11 271 -0.013280412818023701
+11 272 -0.07333991207954627
+11 273 -0.029700482336609955
+11 274 0.012944113206476112
+11 275 -0.03876232436812304
+11 276 0.0027065278060269143
+11 277 0.001889193051298249
+11 278 -0.007650829052922907
+11 279 -0.22176785499180626
+11 280 0.0935532271862535
+11 281 -0.0760898638342843
+11 282 -0.10808175852738724
+11 283 -0.005205408337375326
+11 284 0.047812997659887446
+11 285 -0.05592426672588323
+11 286 -0.03224722426828462
+11 287 -0.10459576702162447
+11 288 -0.0952480862128317
+11 289 -0.06641702122323
+11 290 -0.013655043631111547
+11 291 0.03752141351863752
+11 292 -0.06383750778464271
+11 293 -0.0351985732053383
+11 294 -0.010421558051123794
+11 295 -0.04566496819170461
+11 296 -0.01772286656661859
+11 297 -0.13284218785947385
+11 298 -0.09948668500542775
+11 299 -0.10345081006443983
+11 300 -0.11817018114201795
+12 1 -0.017027164417555304
+12 2 -0.04541269326264957
+12 3 -0.028943141881941165
+12 4 -0.12388559417481541
+12 5 -0.04971541993694438
+12 6 0.036438450865461075
+12 7 -0.032406782952909975
+12 8 -0.07301646619101196
+12 9 0.0032452291102609285
+12 10 0.003958515069218619
+12 11 -0.026542071149782704
+12 12 -0.03878056001882378
+12 13 0.016258431208785222
+12 14 -0.01353061348319491
+12 15 -0.03662223682060834
+12 16 -0.04786616633913388
+12 17 0.009796270369731026
+12 18 0.053023451165908404
+12 19 0.002918714681849519
+12 20 -0.026372490874607156
+12 21 -0.08769088283950544
+12 22 -0.08005174906382412
+12 23 0.09953587462469761
+12 24 0.002443747187732765
+12 25 0.055345636444475904
+12 26 -0.03434724224925265
+12 27 -0.12019013213887274
+12 28 -0.06824760689096604
+12 29 -0.018767127259050043
+12 30 0.05876667718683234
+12 31 -0.031596615027488145
+12 32 0.006824912493666021
+12 33 0.03767371167134067
+12 34 -0.04863278730049479
+12 35 -0.006721674893697854
+12 36 -0.007821169038012825
+12 37 -0.02251011781720422
+12 38 0.028674096605482764
+12 39 0.03565463488429485
+12 40 0.005336748027166117
+12 41 -0.13705848575121443
+12 42 -0.06181295720739896
+12 43 0.042688934021103325
+12 44 -0.060837291978641156
+12 45 -0.09569327923328409
+12 46 0.007365092870461808
+12 47 -0.01972864909943277
+12 48 -0.00902591631503366
+12 49 0.013858466436483035
+12 50 -0.06121817666892437
+12 51 0.01608153837349227
+12 52 -0.016727601606273113
+12 53 -0.0408694989641667
+12 54 -0.11439160034806595
+12 55 0.1011984397017395
+12 56 -0.031700128865729524
+12 57 0.03294609811475873
+12 58 -0.0382722316870311
+12 59 6.086701023090389E-4
+12 60 -0.044853881927423546
+12 61 -0.05856263416378595
+12 62 0.07350770829397564
+12 63 -0.03316851646246925
+12 64 0.03892189882594054
+12 65 0.10387578488338926
+12 66 -0.011764163341493264
+12 67 0.1090577307145799
+12 68 -0.03241907491827189
+12 69 -0.0011020876866421874
+12 70 -0.0368352060929465
+12 71 -0.0381672789069398
+12 72 -0.007189658048564855
+12 73 -2.662369950616545E-4
+12 74 -0.028906598581818797
+12 75 0.04386329332440607
+12 76 -0.031188582981371296
+12 77 -0.009899464137742214
+12 78 -0.13775119807304398
+12 79 0.03676799157514844
+12 80 0.09772767825207129
+12 81 -0.041075884411115475
+12 82 -0.06950985001663453
+12 83 -0.02721836521696164
+12 84 -0.007683248915744823
+12 85 0.026566296614040676
+12 86 -0.026435407315072466
+12 87 0.025257868875670136
+12 88 -0.062177974961741836
+12 89 -0.13839690256801002
+12 90 -0.011040136763799785
+12 91 0.06285911261929814
+12 92 -0.08220847731906422
+12 93 -0.0642069233653918
+12 94 -0.011165869585472072
+12 95 -0.01999554609438531
+12 96 -0.04052189855348996
+12 97 -0.023838288715376084
+12 98 -0.019705664985044825
+12 99 0.022281600234773994
+12 100 -0.016973096775311034
+12 101 0.04683338983532211
+12 102 -0.012503701755839605
+12 103 0.08825882996784222
+12 104 -0.05179109884166404
+12 105 0.09598276061894498
+12 106 -0.04266444535343538
+12 107 -0.00600054438176816
+12 108 -0.04061255899009379
+12 109 0.029375636731603535
+12 110 -0.028212502502367183
+12 111 0.017218273413224173
+12 112 -0.026677267043746504
+12 113 0.028875076873300185
+12 114 -0.12051203821157595
+12 115 0.00414269779918048
+12 116 0.015144383539852016
+12 117 -0.04755971551941061
+12 118 0.06814013949907809
+12 119 -0.03753423426170953
+12 120 0.05778126389673667
+12 121 -0.016625800812591036
+12 122 -0.1019091710982771
+12 123 -0.03562922504739553
+12 124 -0.006715820339090676
+12 125 -0.06419864756483051
+12 126 -0.008035975269334075
+12 127 -0.07143239212185919
+12 128 0.0829483554911051
+12 129 -0.009289093729228868
+12 130 0.035827120207038717
+12 131 0.08246085800348323
+12 132 -0.010749775407632445
+12 133 -0.018312193031682484
+12 134 -0.05070144442269393
+12 135 0.023959343336002577
+12 136 -0.046464536195310886
+12 137 -0.06882572407346521
+12 138 -0.01081004889311428
+12 139 0.05710150483002668
+12 140 -0.018904866359843026
+12 141 0.017020476082128748
+12 142 -0.07445201938418294
+12 143 -0.006909932576438604
+12 144 0.040417810328886056
+12 145 -0.031004668561334187
+12 146 -0.11448494857823206
+12 147 9.506283962106562E-4
+12 148 -0.01696112615741563
+12 149 0.04120200618436427
+12 150 0.011862569600664539
+12 151 -0.04926033809144872
+12 152 0.10248221422448821
+12 153 0.02381234406305606
+12 154 -0.057059768403995084
+12 155 0.005203616483639353
+12 156 -0.028772496021170574
+12 157 -0.13589280017805724
+12 158 -0.05896117145221964
+12 159 -0.04863100868485944
+12 160 -0.024378519527658966
+12 161 0.06870359775607887
+12 162 -0.08567251184185172
+12 163 0.03252267932886395
+12 164 0.03400595928316252
+12 165 -0.060881917756052346
+12 166 0.007213145906578257
+12 167 0.02316652754538741
+12 168 0.034305713475526016
+12 169 -0.0818040801218575
+12 170 0.03410872045616137
+12 171 0.035440651121504706
+12 172 -0.06099700232804615
+12 173 -0.07476746358584073
+12 174 0.011495252851161028
+12 175 0.041921714194835806
+12 176 -0.009184983703199848
+12 177 0.040333101859611836
+12 178 0.0926885309911954
+12 179 -0.011466834513927536
+12 180 -0.007396027851705403
+12 181 -0.051842665197376035
+12 182 0.03587084101325663
+12 183 0.10232977379405786
+12 184 0.030850360377539177
+12 185 0.015472156745299484
+12 186 0.08948278572189246
+12 187 0.11477461424589686
+12 188 -0.030922312629499366
+12 189 -0.03188269779793821
+12 190 0.00924122295117132
+12 191 -0.06470447141294104
+12 192 -0.03882409158594216
+12 193 -0.018749974527456574
+12 194 -0.07865011375205308
+12 195 0.11665078808381862
+12 196 -0.016698785581320073
+12 197 0.012566602923381943
+12 198 -0.08769689284713265
+12 199 -0.05042695277244771
+12 200 -0.06318850584192465
+12 201 0.05013276977199027
+12 202 0.003172885903899316
+12 203 0.03176247682466463
+12 204 -0.057442645267137944
+12 205 -0.010011571412980157
+12 206 -0.033467681715378284
+12 207 -0.02440461571177512
+12 208 -0.12793586203323998
+12 209 -0.020004874266645843
+12 210 -0.20567613650265462
+12 211 -0.02301461528049309
+12 212 0.02977891455408238
+12 213 -0.0702448316881309
+12 214 0.08153297381610167
+12 215 0.10033439059966158
+12 216 -0.0038754603034076036
+12 217 -0.012016245014599511
+12 218 -0.03029248858289684
+12 219 0.027698743880005712
+12 220 -0.1341033529423192
+12 221 0.07004634197573371
+12 222 -0.020424711904883625
+12 223 0.03487439617038958
+12 224 -0.13009011494422076
+12 225 -0.06774457491423604
+12 226 -0.0388696543497435
+12 227 -0.052158139623101
+12 228 -0.07740823381767609
+12 229 0.053662906284796946
+12 230 -0.044183567270632926
+12 231 0.07126574900817163
+12 232 -0.1014760708912354
+12 233 0.0164354949730746
+12 234 -0.1165286263685585
+12 235 0.06084483849609792
+12 236 0.09417488622363186
+12 237 -0.10565398968307577
+12 238 -0.023826233739563975
+12 239 -0.09215848208434561
+12 240 0.07484960368245772
+12 241 -0.03166672019952298
+12 242 0.06787457361029875
+12 243 -0.028378709304487847
+12 244 -0.008967390632656067
+12 245 -0.0038725466061523698
+12 246 -0.11642950583749516
+12 247 -0.015557810176578842
+12 248 0.01044194618926858
+12 249 0.032800774999292515
+12 250 -0.0026817516338911453
+12 251 0.009262289599934472
+12 252 -0.04064574020307083
+12 253 0.017726289434723652
+12 254 -0.07722279117290633
+12 255 0.09320449517565099
+12 256 -0.01596420988971534
+12 257 -0.06036651216213151
+12 258 0.007846347819413875
+12 259 -0.02271490237516905
+12 260 0.06623747027933205
+12 261 0.10700507336539074
+12 262 -0.05150604738501753
+12 263 -0.15678058788278335
+12 264 0.031016062525758514
+12 265 -0.19234902994925743
+12 266 -0.06298912985074852
+12 267 0.03824000543091811
+12 268 -0.04603645265333202
+12 269 0.08015589702569831
+12 270 0.03007107951699232
+12 271 -0.014677529969571066
+12 272 0.003307367842751869
+12 273 9.860899318196737E-5
+12 274 -0.105249583854439
+12 275 0.029649935362642498
+12 276 -0.06259134949230871
+12 277 -0.13130660240233083
+12 278 -0.020272935570629563
+12 279 0.057266607822197016
+12 280 -0.03977291980384874
+12 281 0.043961380957231865
+12 282 -0.07752288691893355
+12 283 -0.06113600213738004
+12 284 -0.035708457680389334
+12 285 -0.09208704566672264
+12 286 -0.05350160808303578
+12 287 -0.04006694970083648
+12 288 0.09391287150690382
+12 289 0.017038491992173423
+12 290 -0.03903472118811336
+12 291 -0.018041384823882473
+12 292 0.02891521144879526
+12 293 -0.015740040829931492
+12 294 0.04145293819167204
+12 295 0.018422325992090705
+12 296 -0.05224794072200515
+12 297 0.01874688690571838
+12 298 0.01130522902021975
+12 299 0.05647608741354
+12 300 -0.001833853451201079
+13 1 -0.0080066072706307
+13 2 0.006625285771639171
+13 3 -0.0745551233538531
+13 4 -0.04636188698477444
+13 5 0.03942855799674595
+13 6 -0.12008130571568831
+13 7 -0.011059990872790615
+13 8 -0.041952971759744086
+13 9 0.019503334474906413
+13 10 -0.002724605978495086
+13 11 -0.11826459861047248
+13 12 0.025101656201475468
+13 13 -0.09123981567756767
+13 14 0.032712437061372876
+13 15 0.018028928265042
+13 16 0.012957034229970955
+13 17 -0.06306785358218972
+13 18 0.02239598304790161
+13 19 0.12012148931378687
+13 20 0.01142101331169331
+13 21 -0.20463976454582455
+13 22 -0.09791058585340867
+13 23 -0.02881539658688586
+13 24 -0.112875505812252
+13 25 -0.06904565848652525
+13 26 0.02277867914846394
+13 27 0.07452132240844715
+13 28 -0.119138399684668
+13 29 -0.07428295188659986
+13 30 0.027922371845766375
+13 31 -0.07604943592517553
+13 32 0.020248898363554976
+13 33 -0.0037743201080672317
+13 34 -0.08353393307323316
+13 35 -0.03058523125901487
+13 36 -0.11091212272554252
+13 37 -0.030836961387123076
+13 38 0.06325260531671016
+13 39 0.05491368009875916
+13 40 -0.06427214287972642
+13 41 -0.07870367747097824
+13 42 -0.039881704505170895
+13 43 -0.028293409405110916
+13 44 -0.10990980291073049
+13 45 -0.045312282297489494
+13 46 -0.04344367784107022
+13 47 -0.040981565001370866
+13 48 -0.01534395565377443
+13 49 -0.06913726841244136
+13 50 -0.05660820060806013
+13 51 0.007511315822336975
+13 52 -0.052116001133212644
+13 53 -0.06535041485982133
+13 54 -0.09900117994571786
+13 55 0.03589730309680796
+13 56 0.023557394130418078
+13 57 -0.021868818247257216
+13 58 -0.14262235189795747
+13 59 0.015597670212518525
+13 60 -0.0259178855701804
+13 61 0.0045320597527158364
+13 62 -0.10436738631792128
+13 63 0.025685189308057337
+13 64 -0.07290013710827004
+13 65 -0.016220370472521346
+13 66 -0.09417660206992211
+13 67 -0.019106304243918303
+13 68 0.05229658351520572
+13 69 -0.052742183752313036
+13 70 -0.03304193335838701
+13 71 0.03299188696672005
+13 72 -0.0722585825499492
+13 73 0.037928372244426925
+13 74 0.055770908859143424
+13 75 -0.14013293286330988
+13 76 -0.04230110184430867
+13 77 -0.07889196789995123
+13 78 -0.011377631692549874
+13 79 -0.1001102676841466
+13 80 0.03681088722683711
+13 81 -0.04628302214693136
+13 82 -0.08217220581041315
+13 83 0.03127998420655854
+13 84 -0.10634879278678096
+13 85 -0.08082713416326695
+13 86 -1.515057969598451E-4
+13 87 -0.034183067053622215
+13 88 -0.09188092136195454
+13 89 0.11625504008218601
+13 90 -0.0639305313989767
+13 91 -9.693649414713065E-4
+13 92 -0.041943933735156765
+13 93 -0.11438282736972046
+13 94 -0.04391338208271734
+13 95 -0.11800977524033018
+13 96 -0.015189625350032028
+13 97 -0.03028900017315074
+13 98 -0.03083691412353506
+13 99 -0.02343672241711879
+13 100 -0.004434036986238275
+13 101 -0.003179855947974472
+13 102 -0.05106063054261523
+13 103 0.03212949528198657
+13 104 -0.06865399632323031
+13 105 -0.04556487630821853
+13 106 0.010426461723859557
+13 107 -0.04750322919122295
+13 108 0.058056827588039324
+13 109 -0.04828293155443358
+13 110 0.003853761718365751
+13 111 -0.04747510818468717
+13 112 0.06448392610725927
+13 113 0.00842333919598071
+13 114 0.006434758331844869
+13 115 -0.07864335792555141
+13 116 -0.07042665132776371
+13 117 -0.04075567864452917
+13 118 -0.03394619439586703
+13 119 -0.04053173242035752
+13 120 0.029873613780145233
+13 121 -0.01675615131408641
+13 122 -0.13191566414345332
+13 123 0.03723706915804643
+13 124 -0.13221203011226276
+13 125 -0.05839460820093475
+13 126 0.025710819280648348
+13 127 -0.016552066212550596
+13 128 -0.009300462167295714
+13 129 -0.06369658202910956
+13 130 -0.0648515967637206
+13 131 -0.05608498636433195
+13 132 -0.09537904554020059
+13 133 0.14663243623638833
+13 134 -0.07815960245518809
+13 135 3.0375749024480475E-4
+13 136 -0.06424541180823236
+13 137 0.03376216513109925
+13 138 -0.06030468546350482
+13 139 0.005589779986168488
+13 140 -0.07163437581202585
+13 141 0.06284418666888673
+13 142 -0.021464188903355563
+13 143 -0.019062582761116154
+13 144 -0.100782610573061
+13 145 -0.06866485478510283
+13 146 -0.05208773510353609
+13 147 -0.030321638251901376
+13 148 -0.0264041205910767
+13 149 -0.0594663873780041
+13 150 -0.043147022084421095
+13 151 -0.05536499579616808
+13 152 0.030491940958821746
+13 153 -0.012127302992280082
+13 154 0.04068240641450524
+13 155 -0.06107811987070795
+13 156 -0.0709223040347147
+13 157 -0.10785539286591035
+13 158 -0.01571140514379126
+13 159 0.050656623147639725
+13 160 0.036595535860113715
+13 161 -0.09383343454104331
+13 162 0.043498821830552564
+13 163 0.02640241313613968
+13 164 0.03367656741868009
+13 165 -0.12114988554041865
+13 166 -0.03930321330931475
+13 167 -0.057416792611297146
+13 168 -0.11705036649880143
+13 169 -0.06915175122350423
+13 170 -0.036005767006601276
+13 171 3.791003144211587E-4
+13 172 0.04480112283120837
+13 173 -0.010299202326524726
+13 174 -0.0010931531615361028
+13 175 -0.007647899394734222
+13 176 -0.03152290689035928
+13 177 -0.006741725410374986
+13 178 0.004707796409235301
+13 179 -0.15244055401497142
+13 180 -0.05333957752570352
+13 181 -0.05455478347990379
+13 182 0.01944580518634962
+13 183 -0.05344561003360575
+13 184 -0.0018525864792755316
+13 185 -0.01293180201301399
+13 186 -0.09581338719957908
+13 187 -0.024339260799491513
+13 188 0.008157548002103667
+13 189 0.021398074300008417
+13 190 0.021028106075451195
+13 191 -0.004261230048313055
+13 192 -0.0580574912200858
+13 193 7.218037971429298E-4
+13 194 -0.06614882940577861
+13 195 0.12284228404629163
+13 196 -0.019067702087488682
+13 197 0.02538237426304394
+13 198 0.0024959655790818044
+13 199 -0.040856946499312215
+13 200 -0.04046765424038465
+13 201 -0.021673489706384063
+13 202 -0.04629646657053728
+13 203 -0.057880231173433196
+13 204 -0.04274647351344055
+13 205 -0.015268323623764169
+13 206 -0.08800705411793691
+13 207 0.05693165291950856
+13 208 -0.06799606301956311
+13 209 -0.1019241638094831
+13 210 -0.09831554771357119
+13 211 -0.12226507957634963
+13 212 -0.12298903460392331
+13 213 -0.003595921741699303
+13 214 0.1133592304482205
+13 215 0.003264544181481734
+13 216 0.04655041301631769
+13 217 -0.00932248889865499
+13 218 -0.17491016785584437
+13 219 -0.1423960208337405
+13 220 -0.05329588814188934
+13 221 0.015137343679032121
+13 222 -0.04192009450845011
+13 223 -0.01291965422038447
+13 224 -0.0213517236654773
+13 225 -0.03735950005720678
+13 226 -0.042251743492956746
+13 227 -0.03573788656819921
+13 228 -0.08594476492656275
+13 229 0.026452605640805916
+13 230 0.03566484150142818
+13 231 0.023647167411519784
+13 232 -0.05750167468147293
+13 233 -0.06502163850000015
+13 234 -0.010971099052480901
+13 235 0.0015630922147250388
+13 236 0.059929589598633974
+13 237 -0.00995549730047119
+13 238 -0.1414572825574921
+13 239 -0.10303782460081516
+13 240 -0.12063108816490017
+13 241 -0.08261415613081029
+13 242 0.025061535515716125
+13 243 -0.03611040246210619
+13 244 -0.06170651786205658
+13 245 -0.0010063048172010798
+13 246 -0.11194517548939313
+13 247 -0.12677307036786967
+13 248 -0.040696533689511025
+13 249 -0.0495469246576537
+13 250 -0.021342183935266722
+13 251 0.017744383103974484
+13 252 -0.1368193555540256
+13 253 -0.04936934488496855
+13 254 -0.02817448807925801
+13 255 -0.05111634678995837
+13 256 -0.07843043367717846
+13 257 -0.05959704135254053
+13 258 -0.016842137850308612
+13 259 -0.059612163438192416
+13 260 -0.014032102010589388
+13 261 -0.07232907598625953
+13 262 0.025725021786861032
+13 263 -0.017246809013179314
+13 264 0.03418014581124651
+13 265 -0.059557394216915395
+13 266 -0.0986315965277976
+13 267 0.0013590401480296974
+13 268 -0.03330966417169422
+13 269 0.03047406846551076
+13 270 -0.04649816462714454
+13 271 -0.016410347987313344
+13 272 0.009932393325266657
+13 273 -0.07270830422685447
+13 274 -0.03069446917026576
+13 275 0.053299171200105806
+13 276 -0.05597131821848862
+13 277 0.014216953180634989
+13 278 -0.023675108403395023
+13 279 -0.030477456062732534
+13 280 -0.1438072524033305
+13 281 2.797619896062839E-4
+13 282 0.026998820712677445
+13 283 -0.070867706425833
+13 284 -0.07867689880135033
+13 285 -0.0985695119185189
+13 286 0.03839133848930788
+13 287 -0.0557881262900854
+13 288 -0.0147620395373262
+13 289 -0.017059634401942893
+13 290 -0.03364698866543358
+13 291 -0.08617240683010584
+13 292 0.010228416457820104
+13 293 -0.06703831303726461
+13 294 0.054429216230961884
+13 295 -0.06599408155366569
+13 296 0.016230272701206343
+13 297 -0.0766323434697305
+13 298 -0.024212904313057584
+13 299 0.038661756224747344
+13 300 -0.11811516358377135
+14 1 -0.027897659064740274
+14 2 -0.00947461418936792
+14 3 0.04284269352918049
+14 4 -0.0033875813922458744
+14 5 -0.0078049468144144015
+14 6 0.004369099349996965
+14 7 -0.030082652156449164
+14 8 -0.0036217786124741742
+14 9 -0.059053986173441174
+14 10 -0.033989334431164316
+14 11 0.027206486350128584
+14 12 -0.11257188229601545
+14 13 -0.06185673848263318
+14 14 0.04597068884792342
+14 15 0.0067579099779008405
+14 16 -6.330110998086519E-4
+14 17 -0.04154228279899611
+14 18 -0.09341940375343255
+14 19 0.014756005596439595
+14 20 0.04736029199775311
+14 21 -0.05184383980673614
+14 22 -0.06361106926704674
+14 23 0.015767467564583287
+14 24 -0.1075277171516087
+14 25 -0.17802909386169333
+14 26 -0.10711663775205815
+14 27 0.03844948066796747
+14 28 -0.0749511737630182
+14 29 0.019946792251201967
+14 30 2.7440589383487507E-4
+14 31 -0.09131495959763518
+14 32 -0.08744792091313361
+14 33 -0.01907851724325584
+14 34 -0.057580324090072396
+14 35 -0.05671952429833025
+14 36 -0.1257978613694336
+14 37 0.010966913964246405
+14 38 -0.047513542178097945
+14 39 -0.1301403515581893
+14 40 -0.08601490561529937
+14 41 0.05046368363726066
+14 42 -0.03954151090052107
+14 43 -0.06381981242408082
+14 44 -0.013449392576728173
+14 45 0.033828506586598944
+14 46 4.7113155681786006E-4
+14 47 0.08714542944155686
+14 48 0.061799583315766675
+14 49 0.010556413808773575
+14 50 -0.03866800206484051
+14 51 -0.08638426492792793
+14 52 0.06951102485261779
+14 53 -0.03813662794467541
+14 54 -0.10806429063268051
+14 55 0.05438126760229839
+14 56 -0.0033136745801061523
+14 57 0.020189402469631315
+14 58 -0.0860187837510843
+14 59 0.012087581423993582
+14 60 -0.006017616674523722
+14 61 -0.084433233265999
+14 62 -0.046390352406933476
+14 63 0.057839462123459515
+14 64 0.11432856101860352
+14 65 -0.017035366114229417
+14 66 -0.03064878851023303
+14 67 -0.005795102268833735
+14 68 0.004380503907917328
+14 69 -0.12842647151362716
+14 70 -0.05347307662322926
+14 71 0.04500454861821756
+14 72 -0.0010581988460517562
+14 73 -0.010622797641580316
+14 74 -0.06204549215847291
+14 75 -0.09487642969160283
+14 76 -0.09945277500681042
+14 77 0.027861889522344613
+14 78 0.020379967577166074
+14 79 -0.01278525366943806
+14 80 0.021698965536996493
+14 81 0.01886558765991598
+14 82 0.08699490002528332
+14 83 -0.029846497530605552
+14 84 -0.09604102981679147
+14 85 -0.07235184392426419
+14 86 -0.07595084134559048
+14 87 -0.059162681529448265
+14 88 -0.04680332360426775
+14 89 0.02595461905363547
+14 90 -0.05018229277014186
+14 91 -0.05437172770668562
+14 92 -0.05193696273733877
+14 93 -0.11668866760460106
+14 94 -0.00980891768538885
+14 95 -0.06495833193118716
+14 96 -0.03221408189896064
+14 97 -0.03168666950710676
+14 98 0.0664612751239998
+14 99 -0.059645908230470765
+14 100 0.013627615504077624
+14 101 -0.16956215278716172
+14 102 -0.044851626302383305
+14 103 0.015901865419650406
+14 104 0.051296186484966234
+14 105 -0.03390196334541445
+14 106 -0.035047044479868374
+14 107 -0.0962137759924712
+14 108 0.018970738376390885
+14 109 -0.08279307477745206
+14 110 -0.002149597666503419
+14 111 0.07514789437930335
+14 112 0.01960950927812725
+14 113 -0.05418560194055296
+14 114 0.02433702096704986
+14 115 0.007114850119289116
+14 116 0.030778555425034153
+14 117 -0.14573024001089685
+14 118 -0.026170488757877704
+14 119 -0.0653534948771427
+14 120 -0.061567594095964254
+14 121 -0.010155215908241953
+14 122 -0.07917527561592935
+14 123 -0.0755281265823082
+14 124 -0.11166889869623968
+14 125 0.0031371674251533524
+14 126 0.011699933706912887
+14 127 -0.046717742878358844
+14 128 -0.0905171457740191
+14 129 -0.1009971062838962
+14 130 -0.09040865762754899
+14 131 -0.05088621954829813
+14 132 -0.03538141721345787
+14 133 0.08784409712864404
+14 134 -0.1118648604834792
+14 135 0.005025106908282687
+14 136 0.025385567949435032
+14 137 -0.06500469958542764
+14 138 -0.01262659105710929
+14 139 -0.042936417660806754
+14 140 -0.014659480783117532
+14 141 -0.08387864976488806
+14 142 -0.05467831227939603
+14 143 -0.09566228629356657
+14 144 -0.01744440157505974
+14 145 -0.021983424774934757
+14 146 0.019188948214513463
+14 147 -0.0623038241954706
+14 148 0.0456541885810071
+14 149 -0.14247792015361962
+14 150 2.7172752547522966E-4
+14 151 -0.044216794293434745
+14 152 -0.022047918605224443
+14 153 -0.026536308837926997
+14 154 0.006133890898241493
+14 155 -0.007538413794451712
+14 156 -0.07829984953475119
+14 157 -0.015592665174604907
+14 158 -0.04512313907718273
+14 159 -0.020542005976648778
+14 160 -0.03932991049245511
+14 161 -0.025952819593566285
+14 162 0.0689603814914518
+14 163 0.014876813506330279
+14 164 -0.04619049609330938
+14 165 -0.06397707302333588
+14 166 -0.15269065694185804
+14 167 -0.059376310980286014
+14 168 -0.0421345692805678
+14 169 -0.010714056856104888
+14 170 -0.023406652012253955
+14 171 -0.11460653668659661
+14 172 0.013354699365889733
+14 173 0.06796273490769952
+14 174 -0.06674330066588345
+14 175 -0.07712208622522349
+14 176 -0.05235929867963804
+14 177 0.01165452229004568
+14 178 -0.06033297529272005
+14 179 -0.004010723049277625
+14 180 -0.020492418138382634
+14 181 -0.04525836589419773
+14 182 -0.02474647914453847
+14 183 -0.10125261989812785
+14 184 -0.02788566946329181
+14 185 0.04793242789340848
+14 186 -0.04478003659136117
+14 187 -0.08940033107632134
+14 188 -0.10465711557737493
+14 189 0.07219840924182604
+14 190 0.06952657139285649
+14 191 0.0028430743306820916
+14 192 -0.045082823883504416
+14 193 0.03589768183698137
+14 194 0.0752089085596922
+14 195 0.020500201651346243
+14 196 -0.022242420204622124
+14 197 0.059265997755336246
+14 198 -0.15626781598563041
+14 199 -0.024664048915352038
+14 200 0.049394578411913
+14 201 -0.049342355191943806
+14 202 -0.02636034348703075
+14 203 -0.07869296803085324
+14 204 -0.09261945994039436
+14 205 -0.04483485480632423
+14 206 -0.13858987849042062
+14 207 0.009063705936750507
+14 208 -0.12590034831087882
+14 209 -0.14058581065282974
+14 210 0.044320848716229294
+14 211 -0.09862798982983238
+14 212 -0.09152756283277104
+14 213 -0.058861631342742436
+14 214 0.0055805460860311965
+14 215 -0.003158745210844606
+14 216 -0.0832245171614891
+14 217 -0.01486040031255045
+14 218 -0.056203329144712315
+14 219 -0.0995237655136064
+14 220 -0.009519670394093141
+14 221 -0.03809800443367569
+14 222 0.07783409119227991
+14 223 -0.07478440773635715
+14 224 -0.05170678755540604
+14 225 0.019500697508594136
+14 226 -0.06620267462988592
+14 227 -0.024810970627876378
+14 228 -0.17673009751164978
+14 229 -0.05170432850356988
+14 230 -0.022792708273870425
+14 231 -0.09604084345102505
+14 232 -0.15222398628496248
+14 233 -0.041548772816445055
+14 234 -0.03956782010321054
+14 235 -0.09094997907948454
+14 236 0.003846627495186412
+14 237 0.013220681158639046
+14 238 -0.11568085850237483
+14 239 -0.0836449887852895
+14 240 -0.0666567731729811
+14 241 -0.008044184093735054
+14 242 0.06324453958207836
+14 243 0.039937628345705835
+14 244 -0.03743577947524119
+14 245 0.003457253052414622
+14 246 0.03949616707535804
+14 247 -0.017442523504196103
+14 248 -0.06660424238223714
+14 249 0.05338346748785496
+14 250 0.03889896824220534
+14 251 0.009215039183383346
+14 252 0.018633960866876145
+14 253 0.1031041836498393
+14 254 -0.10857531801188831
+14 255 -0.07510464658038381
+14 256 -0.1351787172687832
+14 257 -0.11152366594552242
+14 258 -0.11315397000266648
+14 259 -0.0657800439967945
+14 260 -0.060122704571496884
+14 261 -0.01704545951402009
+14 262 -0.15180487818801758
+14 263 0.07762625709369886
+14 264 -0.03862881253350838
+14 265 0.049902838809495774
+14 266 -0.025470527339583927
+14 267 -0.09509124816586934
+14 268 -0.0231586031962766
+14 269 -0.04930943490386917
+14 270 -0.03518814670160152
+14 271 0.03768807805839746
+14 272 -0.12128987974473708
+14 273 -0.0645930514350613
+14 274 0.04313206290740363
+14 275 0.025748374768985845
+14 276 -0.002910528240541411
+14 277 -0.0459520499427719
+14 278 0.023518792327217722
+14 279 -0.08716752749785396
+14 280 0.014260582144135605
+14 281 -0.00836735320045166
+14 282 0.036362786181296985
+14 283 -0.017072894293341547
+14 284 0.1274901730308235
+14 285 -0.03280651961386731
+14 286 0.10199426188673873
+14 287 -0.009550309071099264
+14 288 -0.04492247234746797
+14 289 -0.09851635669546957
+14 290 0.02183987109432043
+14 291 0.05068797155069155
+14 292 0.009525090328333598
+14 293 0.07292617082608968
+14 294 0.0363965785592923
+14 295 -0.033206316392937245
+14 296 0.03892381231134704
+14 297 -0.04815772384820856
+14 298 -0.07934099568091094
+14 299 -0.09489927617588856
+14 300 -0.07197381389530087
+15 1 -0.009925959816259669
+15 2 -0.10838476025729778
+15 3 -0.0313122191250008
+15 4 -0.03586812512590017
+15 5 0.03293948050848778
+15 6 -0.06475036107723599
+15 7 0.04029043275941578
+15 8 -0.025980205090515678
+15 9 -0.041732521626545976
+15 10 -0.04294293742682464
+15 11 0.009501998134725466
+15 12 0.020192997882822143
+15 13 -0.03375234630176149
+15 14 0.026451039349125027
+15 15 -0.0103859388366314
+15 16 0.044554381108968026
+15 17 0.013582556161948506
+15 18 -0.024673886003738616
+15 19 0.0160219735882258
+15 20 0.009029491923789691
+15 21 -0.045488871556172934
+15 22 0.026019290504983188
+15 23 0.04881385662332588
+15 24 0.07281936535020411
+15 25 0.013676205790037217
+15 26 0.060113339894300885
+15 27 -0.0901892076054409
+15 28 6.626945280298965E-4
+15 29 -0.05366308427414307
+15 30 -1.6983364931972106E-5
+15 31 0.02258589793261561
+15 32 0.04103391226637368
+15 33 -3.186823339443309E-4
+15 34 -0.09534421045067566
+15 35 0.05775629831769912
+15 36 -0.05926428814113648
+15 37 0.03921919126883795
+15 38 0.08371077789514564
+15 39 -0.025374819422894872
+15 40 -0.04048871817423648
+15 41 0.0312208385644862
+15 42 -0.041220900605694506
+15 43 0.01850048698187246
+15 44 -0.08437272398720941
+15 45 0.018481008136136623
+15 46 -0.07907173540362018
+15 47 -0.09139465262542008
+15 48 -0.003988540476840966
+15 49 0.02977175202519835
+15 50 0.012845302067159566
+15 51 -0.06236566725621698
+15 52 -0.131854361407492
+15 53 -0.0017564827697659
+15 54 0.04883877105900789
+15 55 -0.011223072608330577
+15 56 -0.013966856022070685
+15 57 0.006186767521485261
+15 58 0.018069230977823227
+15 59 0.059748772988441244
+15 60 0.018469982328535146
+15 61 -0.016660819568534754
+15 62 -0.016100541872286583
+15 63 0.02949105629240993
+15 64 -0.11476494970421902
+15 65 -0.026737911267861653
+15 66 -0.06681263132586697
+15 67 0.09643158332290086
+15 68 0.0039011011987542853
+15 69 0.03580502375750544
+15 70 -0.023997786367237702
+15 71 -0.02094131362774068
+15 72 0.02551275455231644
+15 73 0.012793765088617176
+15 74 -0.10666274784813837
+15 75 0.0013140374354766661
+15 76 -0.0687821373508621
+15 77 -0.09383574453211893
+15 78 0.0030989035288931026
+15 79 0.06545224463481421
+15 80 -0.004436815340362603
+15 81 -0.03615373316061008
+15 82 -0.0454657582327338
+15 83 -0.026875045527865373
+15 84 -0.023502502907982385
+15 85 -0.006484762899066681
+15 86 0.04225607728137753
+15 87 0.061335361117062955
+15 88 -0.08159237853252155
+15 89 -0.13437127173758448
+15 90 0.018204657089160498
+15 91 0.07467261231463644
+15 92 0.046464993353010076
+15 93 0.01579398855873835
+15 94 0.015491146730160183
+15 95 0.017747402282189507
+15 96 -0.014281044306566017
+15 97 0.027979273525220144
+15 98 0.020162597149791624
+15 99 -0.012037610961072169
+15 100 0.00796296836882388
+15 101 -0.022828820011242926
+15 102 0.0324884020184643
+15 103 0.07067501654942925
+15 104 0.057919756927510606
+15 105 -0.023812991027902984
+15 106 -0.035002420860852285
+15 107 -0.0635778489889611
+15 108 0.019164282800900045
+15 109 -0.06080667721220238
+15 110 -0.03127138089872658
+15 111 -0.027150786818434587
+15 112 0.013659185307130194
+15 113 -0.031240356533284695
+15 114 0.02773998269677938
+15 115 -0.06769177941912788
+15 116 -0.020847384354531057
+15 117 0.019236966938351353
+15 118 -0.04577622470300187
+15 119 -0.0560262506076349
+15 120 -0.005461424177470979
+15 121 -0.03482270405979345
+15 122 -0.05311543910768663
+15 123 -0.012366053113234415
+15 124 -0.018629109390170248
+15 125 -0.0465741182009039
+15 126 0.0067261932759645334
+15 127 -0.026194908592524775
+15 128 0.03350313446952442
+15 129 -0.06557262997972511
+15 130 -0.02600223701161886
+15 131 -0.05184416442136979
+15 132 0.014544145685408634
+15 133 0.07506930482374635
+15 134 0.004880983157049976
+15 135 -0.04761098112482948
+15 136 -0.018836527484377936
+15 137 -0.04009615461818676
+15 138 0.017487415881845256
+15 139 0.06862867673703894
+15 140 -0.036480236558865106
+15 141 0.05100279853966717
+15 142 -0.08132482611574586
+15 143 9.597121287466017E-4
+15 144 0.04782411401780566
+15 145 0.014330705616035333
+15 146 0.0014961884287913272
+15 147 0.0981272454658573
+15 148 -0.036588959349752724
+15 149 0.06927237259726032
+15 150 -0.12366661760430081
+15 151 -0.012695871854855835
+15 152 0.019665661764665898
+15 153 -0.023941377322309533
+15 154 0.020640525992086423
+15 155 -0.04372490458823646
+15 156 -0.03189873657608773
+15 157 -0.08198918230466169
+15 158 -0.030806927547696948
+15 159 -0.0680158207649383
+15 160 -0.042145837901145726
+15 161 0.0800600887421587
+15 162 -0.10806492865356097
+15 163 -0.0018496413600859274
+15 164 0.001290202720685717
+15 165 -0.07034647655735485
+15 166 0.008698702592659986
+15 167 0.05579965503072036
+15 168 -0.04801277926471628
+15 169 -0.07074922820568029
+15 170 -0.11178100076953802
+15 171 0.020364440140290912
+15 172 -0.1493844141586821
+15 173 0.03763866800747788
+15 174 0.009010571224179803
+15 175 0.040608886451099724
+15 176 0.028828897069019106
+15 177 0.007456907782727268
+15 178 0.005950464209213855
+15 179 -0.024543275259988225
+15 180 -0.04440823283913753
+15 181 -0.06737093725319843
+15 182 -0.03489620808543555
+15 183 0.11655380128105372
+15 184 -0.03223127000525632
+15 185 -0.05529945158477066
+15 186 0.05244250441593674
+15 187 0.021742096478979085
+15 188 -0.06716261346052059
+15 189 -0.012847414319303427
+15 190 0.019776496545395227
+15 191 -0.03272044108339042
+15 192 -0.006197513826237722
+15 193 0.10093454495075502
+15 194 -0.06204236638855563
+15 195 -0.03819210928325407
+15 196 -0.13405881033367684
+15 197 9.045214089212416E-4
+15 198 0.033410513537709303
+15 199 -0.1045582028808996
+15 200 0.012039904071222091
+15 201 0.00104369558824391
+15 202 0.026667912233426055
+15 203 -0.0070675633330784205
+15 204 -0.06157502979665965
+15 205 0.014271661355080173
+15 206 0.03571495573725884
+15 207 0.036662255307711424
+15 208 0.04386722085699074
+15 209 0.05949414648238611
+15 210 -0.17168677877004548
+15 211 -0.01873943914730553
+15 212 0.038585193652803176
+15 213 0.02099102168474841
+15 214 -0.01131548200063648
+15 215 0.10055124245930912
+15 216 0.002355426956664516
+15 217 0.052952628323224636
+15 218 0.02848740509639023
+15 219 0.030783012097471155
+15 220 -0.08919862680229844
+15 221 -0.03316717000213229
+15 222 -0.09639326407045459
+15 223 0.03370556792362772
+15 224 -0.08898936483733276
+15 225 -0.01629295618307495
+15 226 -0.06716776034607341
+15 227 0.04264062230620203
+15 228 -0.11838849113296215
+15 229 -0.0066411858324135495
+15 230 0.10812369705936788
+15 231 0.06395904358604665
+15 232 -0.11413140766960324
+15 233 0.011283183565941657
+15 234 -0.06362981839325683
+15 235 -0.053115374579222364
+15 236 0.012984968912889852
+15 237 -0.049454611060998147
+15 238 -0.08614560972030262
+15 239 -0.061825012896594575
+15 240 -0.03810080535165053
+15 241 -0.09825179744365277
+15 242 -0.019404748174751636
+15 243 0.0041124964974261794
+15 244 -0.040220257343249306
+15 245 0.0961319862136828
+15 246 -0.04390425567544832
+15 247 -0.13013974977220083
+15 248 0.03955380772979074
+15 249 -0.010635359423313409
+15 250 0.013418110234244803
+15 251 -0.00875535529944278
+15 252 -0.04882388284081811
+15 253 0.0016779273819355848
+15 254 -0.03279514159725366
+15 255 0.017458807208301157
+15 256 0.01721194464145889
+15 257 0.0011291272165824453
+15 258 -0.06731902447964491
+15 259 -0.050280015420403
+15 260 0.04714711148047569
+15 261 0.015597367174236373
+15 262 0.06167155385331929
+15 263 -0.23115844907330485
+15 264 -0.057010923829014695
+15 265 -0.1537080033566282
+15 266 -0.040635413114979035
+15 267 0.08295806925882931
+15 268 0.05360535588163743
+15 269 0.05397250390404537
+15 270 -0.023663139805398737
+15 271 -0.0034643083438711587
+15 272 -0.01366846405081628
+15 273 -0.0032042202860651163
+15 274 -0.014775007431274627
+15 275 -0.0034467187232689873
+15 276 0.048956602009028245
+15 277 0.02751736682581795
+15 278 -0.0855792818892132
+15 279 -0.028416235011607106
+15 280 -0.1578018197954027
+15 281 0.0022055846837909154
+15 282 0.0072265081037793345
+15 283 -0.02411233562344641
+15 284 -0.06348357583182593
+15 285 -0.046016853463299624
+15 286 0.014404777995389013
+15 287 0.008933066489268449
+15 288 0.10122226274088013
+15 289 -0.0040621702507946025
+15 290 -0.007271972435121639
+15 291 0.04891910114002229
+15 292 -0.011257778710021316
+15 293 -0.088590210084387
+15 294 0.018909510947371904
+15 295 0.028299844785486954
+15 296 -0.07102744583938383
+15 297 -0.02478698294847764
+15 298 -0.053899752971451866
+15 299 0.010602662593731854
+15 300 0.009949355514079645
+16 1 0.05370731061255557
+16 2 0.014750642849616769
+16 3 -0.011733921395738296
+16 4 0.01774918996661092
+16 5 -0.008741658788872807
+16 6 -0.13201118748988327
+16 7 -0.043373058605920146
+16 8 0.02818230133052345
+16 9 0.007417580690221029
+16 10 -0.048372195018743507
+16 11 -0.09332419696707328
+16 12 -0.016188661433183534
+16 13 -0.15857227468160515
+16 14 -0.017117659119562798
+16 15 0.04757953498337069
+16 16 -0.12621405871473138
+16 17 -0.0546939357806148
+16 18 -0.1265270187517872
+16 19 -0.10154011752215933
+16 20 -0.042559344712653706
+16 21 -0.07076227156967557
+16 22 -0.09777209724818396
+16 23 -0.030507783839122796
+16 24 -0.058599462554579144
+16 25 -0.11342703961285179
+16 26 -0.08001240054668741
+16 27 0.030792871997608807
+16 28 -0.06279646274123404
+16 29 -0.08206932346392863
+16 30 0.07680504794681865
+16 31 -0.07685098162849016
+16 32 5.059997006870811E-4
+16 33 0.023712329908197365
+16 34 -0.04912840000431349
+16 35 -0.158578602245653
+16 36 0.005786916739810273
+16 37 0.028987053794728806
+16 38 -0.07505188517608789
+16 39 -0.08249920280436832
+16 40 -0.09828532426954824
+16 41 -0.04308003936344796
+16 42 0.01574454966526446
+16 43 0.030923134550780093
+16 44 -0.05048915251277489
+16 45 -0.031830140972220894
+16 46 -0.1011945261408169
+16 47 0.09496947844355524
+16 48 -0.0868463208874354
+16 49 0.06540548803842552
+16 50 -0.10817454342427939
+16 51 -0.061296015977950695
+16 52 0.011214737849133126
+16 53 -0.06401162047389762
+16 54 -0.02491035023480687
+16 55 0.07726013543603459
+16 56 -0.05911926957664738
+16 57 -0.09029494588804528
+16 58 -0.12509322092255057
+16 59 0.05415929093344396
+16 60 -0.040919467540837036
+16 61 -0.10069407805857776
+16 62 0.018376944753316405
+16 63 -0.06935305165750542
+16 64 -0.08256612240308091
+16 65 -0.11735066054732082
+16 66 -0.06147619186469931
+16 67 -0.03743247396103638
+16 68 -0.016754657351731584
+16 69 -0.14754880885389526
+16 70 -0.06065859685177153
+16 71 0.06730957222552067
+16 72 -0.01878027112579253
+16 73 -0.1266241078034402
+16 74 -0.12331263457890357
+16 75 -0.2274368024518349
+16 76 -0.09978904289611529
+16 77 -0.05734930120611905
+16 78 -0.006027028476850482
+16 79 0.016682195331678088
+16 80 -0.09764643494569637
+16 81 -0.06663678683002411
+16 82 0.05422968206112341
+16 83 -0.030524894980361112
+16 84 -0.18417926956239636
+16 85 -0.07304622280244531
+16 86 0.021225493526852
+16 87 -0.1403317475110653
+16 88 -0.16661528785851457
+16 89 0.17487221508946868
+16 90 -0.01129633078487544
+16 91 -0.07845036294907291
+16 92 -0.0527639270832992
+16 93 -0.024945824731550426
+16 94 -0.05772369790761302
+16 95 -0.023334935104262027
+16 96 -0.11224516481661687
+16 97 1.3292831907701564E-4
+16 98 -0.017580860530420944
+16 99 -0.036155973682787466
+16 100 -0.13094564153724778
+16 101 -0.12480493235572689
+16 102 -0.047625356953716995
+16 103 -0.024645137630924466
+16 104 0.06381179704727559
+16 105 -0.10546283264179314
+16 106 -0.024511624443712573
+16 107 -0.09630304310652993
+16 108 0.05544506433589857
+16 109 -0.1036780614583483
+16 110 -0.057914577028883356
+16 111 -0.00389669895949566
+16 112 0.0733614793860431
+16 113 -0.03946697892388933
+16 114 -0.025103379629358595
+16 115 0.015527084449812645
+16 116 -0.073859060002728
+16 117 0.005849837445853186
+16 118 -0.030418478485300444
+16 119 -0.11535331983906198
+16 120 -0.06350398874164466
+16 121 -0.05987032775801631
+16 122 -0.04720969880324334
+16 123 0.006876587915373671
+16 124 0.014973726519793493
+16 125 -0.08008272787348421
+16 126 -0.07174068972395833
+16 127 -0.023931358593944754
+16 128 -0.1029178882822152
+16 129 -0.029654974443073755
+16 130 -0.013371713111237792
+16 131 -0.1278908755396006
+16 132 -1.9113847992691032E-4
+16 133 0.0010813742539737446
+16 134 -0.19454340730622458
+16 135 -0.03846829105684624
+16 136 0.024927437634838418
+16 137 -0.09545880543655814
+16 138 0.014008216322557472
+16 139 -0.05222175317456313
+16 140 -0.07009374354660766
+16 141 -0.0726619386194493
+16 142 -0.04750939865471453
+16 143 -0.07069759039686457
+16 144 -0.050353708507095765
+16 145 -0.00565011461977639
+16 146 -0.08691358382781825
+16 147 -0.05958832796690447
+16 148 -0.0663502100657028
+16 149 -0.06818103838214154
+16 150 -0.08739460784650027
+16 151 -0.026398357972271153
+16 152 -0.0697164880239886
+16 153 -0.045638481395347937
+16 154 0.03716414037687682
+16 155 0.048117763030762144
+16 156 -0.07487326223274295
+16 157 -0.01453626597612504
+16 158 -0.12960136195932803
+16 159 -0.027000463553393726
+16 160 -0.05534818333081478
+16 161 0.047365064331841976
+16 162 -0.03341745982964035
+16 163 0.08931609039263301
+16 164 -3.245205789698618E-4
+16 165 -0.17760236691123893
+16 166 -0.10804592238580998
+16 167 -0.05625364497795747
+16 168 -0.007011968515093316
+16 169 0.0065684376567652835
+16 170 -0.0631215992116601
+16 171 -0.08168711956342596
+16 172 -0.011433060028151594
+16 173 -0.021198629102514636
+16 174 -0.10483015447445773
+16 175 0.009107386019061003
+16 176 -0.049309659048890134
+16 177 -0.037420304801923536
+16 178 -0.024219674694934357
+16 179 -0.06943468781689584
+16 180 -0.12471479929826966
+16 181 -0.05232597319220208
+16 182 0.015405116252372404
+16 183 -0.09081608332493524
+16 184 -0.10198658504099005
+16 185 0.09597551359809611
+16 186 -0.15214537073906906
+16 187 -0.02256546922247306
+16 188 -0.12339783739630744
+16 189 0.02879987061599591
+16 190 0.06868861750593801
+16 191 -0.03187728900129161
+16 192 -0.0641282567811286
+16 193 -0.024018554576820922
+16 194 -0.037651574490764096
+16 195 0.08221056480438987
+16 196 -0.0667104539235468
+16 197 0.010647181347128765
+16 198 -0.07976051072001379
+16 199 -0.06397790409284074
+16 200 -0.03548137824646294
+16 201 -0.08514756483631762
+16 202 0.010164443770162157
+16 203 -0.015840103209088775
+16 204 -0.050662491591335006
+16 205 0.01886209332424148
+16 206 -0.10920443475394077
+16 207 -0.025953923040408427
+16 208 -0.09481665412653953
+16 209 -0.21379622470457682
+16 210 -0.08993938055352386
+16 211 -0.09432130116918627
+16 212 -0.14620315411427767
+16 213 -0.04047511661178515
+16 214 -0.012629226450154839
+16 215 -0.13191947326214537
+16 216 -0.01292127977965657
+16 217 -0.03851365998629722
+16 218 -0.18254655255934443
+16 219 -0.1491061343870688
+16 220 -0.033712210855233134
+16 221 -0.025381127649343853
+16 222 0.06151418887266532
+16 223 -0.05398603389651432
+16 224 -0.09203671392733148
+16 225 0.020690617757200738
+16 226 -0.012218023213227668
+16 227 -0.15952064523112608
+16 228 -0.16519317696487715
+16 229 -0.05172476101088912
+16 230 -0.006104331673300636
+16 231 -0.11942800567403165
+16 232 -0.11415222232040206
+16 233 0.043073817286310885
+16 234 0.02664116236207332
+16 235 -0.07658272121013084
+16 236 -0.009568850743224137
+16 237 0.015402430268740457
+16 238 -0.15522974828966432
+16 239 -0.07686621702423928
+16 240 -0.1261096856455689
+16 241 -0.07327604663804077
+16 242 0.07733995441290613
+16 243 -0.09469027247401922
+16 244 -0.06201871128048817
+16 245 -0.03397062046584067
+16 246 -0.014863112722905867
+16 247 -0.15750934214761395
+16 248 -0.10407638004800342
+16 249 -0.021294008173602864
+16 250 -0.05745449845511099
+16 251 -0.06710288000628886
+16 252 0.024192444039325793
+16 253 0.13889971775288965
+16 254 -0.0252077287201347
+16 255 -0.11091157479551216
+16 256 -0.052610384039381945
+16 257 -0.04128821275104048
+16 258 -0.05006616923682868
+16 259 -0.07826781432457194
+16 260 0.0076346967633899605
+16 261 -0.07172882133421304
+16 262 -0.06346227855306558
+16 263 0.05507534092660234
+16 264 -0.051394394230425855
+16 265 0.04453472648246347
+16 266 -0.11381430434823646
+16 267 -0.02504576389011874
+16 268 -0.0859635049642057
+16 269 -0.11346444727515356
+16 270 0.005089645246565236
+16 271 -0.036007486087996456
+16 272 0.011675404008228188
+16 273 0.012560294509565927
+16 274 -0.03427557887080686
+16 275 -0.11664490071804404
+16 276 -0.01668259009387842
+16 277 -0.022475969315082035
+16 278 0.02699646257094379
+16 279 -0.15268868234653774
+16 280 0.017254873902071147
+16 281 0.04801726668612299
+16 282 -0.012217350566584836
+16 283 -0.03692535214657123
+16 284 -0.048514043314427616
+16 285 -0.1065609818059094
+16 286 -0.027020600601023893
+16 287 -0.012930900564535665
+16 288 -0.14496204740345714
+16 289 -0.09190483896512114
+16 290 -0.0440521425120384
+16 291 -0.03746160832347862
+16 292 -0.05802730771916685
+16 293 0.00509417149349962
+16 294 0.04954998633424176
+16 295 -0.1333284696337142
+16 296 -0.025493137498910565
+16 297 -0.08173655819790612
+16 298 -0.05071173491908573
+16 299 -0.043587613611610385
+16 300 -0.0688653993854424
+17 1 0.02420035227575874
+17 2 -1.2976551706566869E-4
+17 3 -0.08761178125691137
+17 4 -0.008287702942445586
+17 5 -0.10061735397908758
+17 6 -0.009094244054497784
+17 7 -0.07522068973567136
+17 8 -0.11848621242957669
+17 9 -0.09931733733567655
+17 10 0.020399088507478378
+17 11 -0.10059608302696742
+17 12 -0.022319486887076814
+17 13 -0.07789438502863952
+17 14 0.06266193644726187
+17 15 -0.1607236990102702
+17 16 0.03447660968851449
+17 17 0.10849440475003144
+17 18 -0.05665770729395923
+17 19 0.12275460444227808
+17 20 -0.04343849481866991
+17 21 -0.11885941929469666
+17 22 0.005693810082964685
+17 23 -0.035722069008079775
+17 24 -0.021047630266405676
+17 25 0.03547611572185656
+17 26 0.03253278148262266
+17 27 0.044129476908546086
+17 28 -0.0785398508439394
+17 29 -0.01412735008368063
+17 30 0.040028533752569845
+17 31 -0.04819070663551189
+17 32 0.03876718811435609
+17 33 -0.03938037032535475
+17 34 0.032153806599238804
+17 35 -0.036744883355321487
+17 36 -9.161885988448804E-4
+17 37 0.00829409388512313
+17 38 0.03899135572586829
+17 39 0.09378081773980908
+17 40 0.033996801501916606
+17 41 -0.015390788714514828
+17 42 -0.029470212345138237
+17 43 0.09568912236969827
+17 44 -0.054525250494344805
+17 45 -0.05357153288643193
+17 46 -0.10690465850008811
+17 47 -0.0029295044996818574
+17 48 -0.023353417666691148
+17 49 0.04300987623903845
+17 50 -0.0745325910549081
+17 51 0.049656208560288496
+17 52 -0.015565591874604247
+17 53 -0.02878752628717317
+17 54 -0.08391475416262416
+17 55 0.034002490826463276
+17 56 0.01042467817114025
+17 57 0.03411337599099007
+17 58 0.006224842160190296
+17 59 -0.06790319737768283
+17 60 0.011724677231398781
+17 61 0.0016846547967050874
+17 62 -0.018888607144626403
+17 63 0.011040013265767576
+17 64 -0.027373798932278294
+17 65 0.06209333098547025
+17 66 0.009611282475179058
+17 67 0.1708451443843671
+17 68 0.005766568754209129
+17 69 -0.0978086712000754
+17 70 -0.008070332493523496
+17 71 -0.05204931081970206
+17 72 -0.0873400053199053
+17 73 0.06295407363020049
+17 74 0.0752802245662076
+17 75 -0.024525180324248635
+17 76 -0.050313969917008684
+17 77 -0.04253215275825606
+17 78 -0.12700268035011367
+17 79 -0.028271628948326504
+17 80 -0.05944044361077861
+17 81 -0.05597865033265237
+17 82 -0.16572762900478263
+17 83 -8.035179922398082E-4
+17 84 0.06342540958748373
+17 85 -0.028124812561400214
+17 86 0.03978353236042656
+17 87 -0.0026857284261722985
+17 88 -0.015338413343427539
+17 89 0.0719899704960132
+17 90 -0.03296570924257166
+17 91 -0.09642404847427029
+17 92 -0.026599925858098877
+17 93 0.04609353630152358
+17 94 -0.0704074914155379
+17 95 -0.05456297611324692
+17 96 -0.07811201725842701
+17 97 0.12133739875066116
+17 98 -0.05333768126631211
+17 99 -0.026875309707807955
+17 100 -0.0293270299683716
+17 101 0.014851769724089407
+17 102 -0.03672552439430027
+17 103 0.07605838833164391
+17 104 -0.058521607094699904
+17 105 -0.025888414399560807
+17 106 -0.053911840492089635
+17 107 -0.08454481202131675
+17 108 0.0461672481084792
+17 109 -0.05787793664775765
+17 110 0.06722180285184626
+17 111 -0.041615803682629134
+17 112 0.029048221958983832
+17 113 -0.010892246246671072
+17 114 -0.05904462610881218
+17 115 -0.047763796842410784
+17 116 -0.10150911886652758
+17 117 -0.08994186653986624
+17 118 -0.05074412577444421
+17 119 -0.01904739116096805
+17 120 -0.1269255035176396
+17 121 -0.0895160928841086
+17 122 0.04570883052253841
+17 123 -0.0357843910145948
+17 124 -0.07767462994516788
+17 125 -0.11794155302060837
+17 126 0.03662203260564464
+17 127 0.030156463030936092
+17 128 0.08085339350794457
+17 129 -0.018953195356604415
+17 130 0.01656856480479945
+17 131 0.06111375183172695
+17 132 -0.03650678997517567
+17 133 0.147869021071201
+17 134 -0.13387700934156072
+17 135 0.09578576559147349
+17 136 -0.015146425342846923
+17 137 0.0587297133454652
+17 138 -0.006541684991384532
+17 139 0.06683677061809448
+17 140 0.039175144102271534
+17 141 0.05272987518682765
+17 142 0.06770562215387592
+17 143 -0.057710263250018407
+17 144 -0.06200529113161458
+17 145 -0.09114357610186166
+17 146 0.0032993710802784143
+17 147 -0.01954205991363281
+17 148 0.0017654406546948704
+17 149 0.08925215571710066
+17 150 0.02064928606620121
+17 151 0.05472707304940114
+17 152 0.025554363638447052
+17 153 -0.02187890361326041
+17 154 -0.06263976584725042
+17 155 0.08409334363083747
+17 156 -0.06103829976565216
+17 157 -0.13547509642783945
+17 158 -0.06692128429664168
+17 159 0.003633718209043626
+17 160 0.01953180644485633
+17 161 0.020224923860653027
+17 162 0.023794519021787246
+17 163 0.02000738188912471
+17 164 -0.013749415137992898
+17 165 -0.028328457512277704
+17 166 0.06772898968967346
+17 167 -0.004242285523298471
+17 168 -0.11394660404619492
+17 169 0.011512997873773512
+17 170 -0.03691992511755548
+17 171 -0.003643474513030714
+17 172 0.005280781120950209
+17 173 0.05121492929340312
+17 174 0.06837939924859332
+17 175 -0.021451307232469307
+17 176 0.055242399936066396
+17 177 0.020531674131575636
+17 178 -0.03509664303652303
+17 179 -0.10535955971185682
+17 180 -0.04269256126965739
+17 181 -0.07344186391657204
+17 182 -0.0014487991568926557
+17 183 0.06851072849188497
+17 184 -0.07218260568548347
+17 185 -0.02189456805672877
+17 186 -0.03424955810923162
+17 187 -0.017849073643910588
+17 188 -0.03545649088612375
+17 189 -0.07650938627199572
+17 190 -0.10286140939099744
+17 191 -0.05135710976430316
+17 192 -0.019224715063880675
+17 193 -0.011223621300353282
+17 194 -0.11920737525413345
+17 195 0.003753698343770879
+17 196 0.001196270418969163
+17 197 -0.04854149679784456
+17 198 -0.08718676511727834
+17 199 -0.08844309153741028
+17 200 -0.003806814056093524
+17 201 -0.009888084394826939
+17 202 0.011451295964607117
+17 203 -0.047775374771720086
+17 204 -0.0727120778567304
+17 205 -0.0441001031751913
+17 206 -0.025081352499028226
+17 207 0.03370060257242537
+17 208 0.05012519981932439
+17 209 -0.0649366495635228
+17 210 0.0062192081414925585
+17 211 -0.04073957474577917
+17 212 -0.09433066116081348
+17 213 0.0319046608862805
+17 214 0.11846216830007511
+17 215 0.02868965723002069
+17 216 0.020514157491813966
+17 217 -0.0018046979510335838
+17 218 -0.06465815850258706
+17 219 0.043149654368691975
+17 220 -0.09785617577400668
+17 221 -0.02525149535263111
+17 222 -0.08352439401902212
+17 223 0.02825551433316043
+17 224 -0.1325683891108811
+17 225 -0.04122329566666722
+17 226 0.02716207074106931
+17 227 -0.08245340898316879
+17 228 -0.16602829721805945
+17 229 -5.281463349836367E-4
+17 230 0.029392910746370727
+17 231 -0.04346301767719557
+17 232 0.04913278157666283
+17 233 -0.03557175183146765
+17 234 -0.029752167904333302
+17 235 -0.09427956944405433
+17 236 -0.027515766968192364
+17 237 0.10536154745058086
+17 238 -0.10832837388453857
+17 239 -0.01875439231296482
+17 240 0.0071840136073777336
+17 241 -0.045455961569079724
+17 242 0.046192660033512994
+17 243 -0.04306134079741598
+17 244 -0.07417047960990798
+17 245 0.0345853948793208
+17 246 -0.08396895867549292
+17 247 -0.08594281593352636
+17 248 0.0171096630135956
+17 249 0.05180200572497999
+17 250 0.02891729924847561
+17 251 -0.05413075033455537
+17 252 -0.07527515063315096
+17 253 -0.013242821542176767
+17 254 0.0362900748695414
+17 255 0.004390475354676226
+17 256 -0.08542145033429067
+17 257 -0.005684974372776511
+17 258 0.022755744707576
+17 259 -0.09161882564130129
+17 260 0.039005906678994645
+17 261 0.06277589730046357
+17 262 -0.13886538018528832
+17 263 -0.02961769496714101
+17 264 0.0065658525618388875
+17 265 -0.0705150933593859
+17 266 -0.07868002415428345
+17 267 0.08746664299061153
+17 268 0.042049546027562716
+17 269 0.051421819267371986
+17 270 -0.14123284093373395
+17 271 -0.1294871312147307
+17 272 -0.07278300380866043
+17 273 -9.116959638428824E-4
+17 274 -0.050491029182011135
+17 275 -0.037309001002127105
+17 276 -0.00795597475760233
+17 277 -0.1093831137990421
+17 278 -0.04336427343929647
+17 279 -0.018913335668540098
+17 280 -0.12439745292617552
+17 281 -0.0027348929660447672
+17 282 -0.004925545754328411
+17 283 -0.08808490862098318
+17 284 -0.014864276024921694
+17 285 -0.02716706799045903
+17 286 -0.0062465388371479354
+17 287 -0.021056872685506205
+17 288 0.01881626139680088
+17 289 -0.01220099249815051
+17 290 0.04969492170186099
+17 291 -0.04911021428904804
+17 292 0.03614117933139365
+17 293 -0.13313931424361894
+17 294 0.11320842269373994
+17 295 -0.07103240657123883
+17 296 -0.09976787512410405
+17 297 -0.08469318216378383
+17 298 -0.11528127983636076
+17 299 0.022734239983528883
+17 300 3.780899498505894E-4
+18 1 0.002690352138069403
+18 2 -0.025695314588130416
+18 3 0.002034993656944961
+18 4 -0.04181750279058469
+18 5 -0.038613873454418746
+18 6 -0.023563305697724173
+18 7 -0.06140104608098558
+18 8 -0.006229876216919842
+18 9 -0.019407380872934456
+18 10 -0.03149992767255161
+18 11 -0.017561400034388847
+18 12 -0.06310007154556041
+18 13 0.00768363848265741
+18 14 -0.050504614700454836
+18 15 -0.019406568050287207
+18 16 0.00149433139853798
+18 17 -0.037260950412924675
+18 18 -0.08016533230208028
+18 19 -0.03019065661031605
+18 20 -0.07050836996772394
+18 21 -0.013247882005866306
+18 22 0.002945810861300983
+18 23 -0.05163818754184871
+18 24 -0.04397375224516803
+18 25 0.0013363428439800687
+18 26 -0.07319994354983404
+18 27 -0.003357494361184625
+18 28 -0.1453173949750818
+18 29 -0.07191520022131628
+18 30 -0.007774676151547989
+18 31 -0.04518362287239861
+18 32 -0.08191935083866568
+18 33 -0.06400699194898996
+18 34 -0.04523023716777536
+18 35 -0.05929850531094035
+18 36 -0.03053984597570582
+18 37 -0.029371623022827406
+18 38 -0.0663847674211931
+18 39 -0.06929544034287545
+18 40 -0.09942893499200263
+18 41 -0.013874331190346189
+18 42 -0.060888405506988555
+18 43 -0.008512985553351856
+18 44 -0.03357703240375266
+18 45 -0.03323390166208293
+18 46 -0.010459309568686818
+18 47 -0.004314652671512755
+18 48 -0.0715308175621929
+18 49 -0.09634516967439785
+18 50 0.0021223869557197572
+18 51 -0.07780241968430038
+18 52 -0.009311539299603386
+18 53 -0.027637904720364193
+18 54 -0.01617520476680002
+18 55 -0.012948329556149048
+18 56 -0.013013443514254047
+18 57 -0.004192476375024675
+18 58 -0.12872703028284363
+18 59 -0.029029047138328375
+18 60 -0.008896899075511819
+18 61 -0.01524484013391787
+18 62 -0.119065765656317
+18 63 -0.04555284314624318
+18 64 -0.0245212119176233
+18 65 -0.007724026449660452
+18 66 0.0037952266095348935
+18 67 0.0014548100942942325
+18 68 -0.13006598601951433
+18 69 -0.037820135512516076
+18 70 -0.048090170772518
+18 71 -1.6173184674050584E-4
+18 72 -0.12164547493483248
+18 73 -0.07399770210119654
+18 74 -0.07942312312881716
+18 75 -0.07393219870963964
+18 76 0.01895781878040018
+18 77 -0.018089534655213253
+18 78 -0.025400828471603392
+18 79 -0.1362242145761598
+18 80 -0.09011310222432531
+18 81 -0.027643097018950166
+18 82 -0.0020144397829613913
+18 83 -0.07208989809371075
+18 84 -0.07580477388599328
+18 85 -0.008738587555393086
+18 86 0.004283517597722173
+18 87 -0.016690952867388472
+18 88 -0.02076031743249284
+18 89 -0.0013446588202337532
+18 90 -0.007420338946600414
+18 91 -0.01669208220183713
+18 92 -0.0024701169328604335
+18 93 -0.07382191326857725
+18 94 -0.04542131527716517
+18 95 -0.05571009517540101
+18 96 -0.0041182665648680315
+18 97 -0.023060095230707487
+18 98 -0.0019058993892193993
+18 99 -0.08889664409505545
+18 100 -0.04069441528530544
+18 101 -0.09011726666998895
+18 102 -0.09137307528587026
+18 103 -3.144574174265632E-4
+18 104 -0.012963100910741326
+18 105 -0.053423934421998324
+18 106 -0.025434667243556152
+18 107 -0.1151748056905746
+18 108 0.0027937453047727416
+18 109 -0.04839958554090813
+18 110 -0.031449741870515004
+18 111 1.401293503162271E-4
+18 112 -0.06983335224402064
+18 113 -0.08718043929130821
+18 114 -0.030035651780448605
+18 115 -0.056990295651242515
+18 116 -0.04249476272552829
+18 117 -0.016404181937145056
+18 118 -0.05994749938797729
+18 119 -0.040672483981061505
+18 120 0.002011121621678866
+18 121 -0.08247391905578715
+18 122 -0.04028670616521343
+18 123 -0.10386455313109687
+18 124 -0.08585015437081142
+18 125 -0.03628256091773449
+18 126 -0.11780658397274012
+18 127 -0.044627751928314856
+18 128 -0.013582955837913501
+18 129 -0.06293488987513667
+18 130 -0.11050319077416154
+18 131 -0.11266708496717531
+18 132 -0.006872378574257685
+18 133 -0.010657279814053056
+18 134 -0.09007617937814111
+18 135 -0.01776737743295241
+18 136 -0.015846830245600244
+18 137 -0.00637903306869849
+18 138 -0.11276238596116236
+18 139 -0.025334431673761176
+18 140 -0.048472567691974146
+18 141 -0.0010045867182566972
+18 142 0.009460277261527589
+18 143 -0.08346629461969028
+18 144 -0.013897876908188176
+18 145 -0.03654603860622194
+18 146 -0.022512646337922795
+18 147 -0.0933048916542052
+18 148 0.00507069544766621
+18 149 -0.08332943924080619
+18 150 -0.06654968784536354
+18 151 -0.07884745127336504
+18 152 -0.001988117200784641
+18 153 -0.029487192268396672
+18 154 -0.03855863618390261
+18 155 0.00446728332398938
+18 156 -0.07847291576673603
+18 157 0.0069456031963985535
+18 158 -0.057943670576556514
+18 159 -0.05024338145721449
+18 160 0.004205944935708382
+18 161 -0.06103649924153649
+18 162 -0.004101569174535709
+18 163 -0.039677070023670026
+18 164 -0.04084360796839382
+18 165 -0.056217091120889476
+18 166 -0.14099536272292112
+18 167 -0.049814521639208895
+18 168 0.004878548701412791
+18 169 -0.06814732316509688
+18 170 -0.04617321514749462
+18 171 -0.07601256334827695
+18 172 0.004095506197770427
+18 173 -0.005555114740331708
+18 174 -0.04361944716574423
+18 175 0.006655018982920111
+18 176 -0.027916178646472688
+18 177 -0.010153698782449651
+18 178 -0.05628398222866756
+18 179 -0.022146658803860162
+18 180 -0.05484235391308727
+18 181 -0.028375148619680445
+18 182 -0.025977251859582353
+18 183 -0.0031642737299041597
+18 184 -0.14518968039851748
+18 185 -0.10300580328813155
+18 186 -0.03018204766853043
+18 187 -0.045235833662493306
+18 188 -0.018294832574684762
+18 189 -4.828649783990899E-4
+18 190 -0.013618186867828277
+18 191 -0.04521185808264669
+18 192 -0.073745954341042
+18 193 -0.004789251572308546
+18 194 -0.0084802170626425
+18 195 -0.03721766505154955
+18 196 -0.08040214053787824
+18 197 -0.03378388353658992
+18 198 -0.012173760150056416
+18 199 -0.032379545199411226
+18 200 -0.09563865941723051
+18 201 -0.0582446619155568
+18 202 -0.09321765257876616
+18 203 -0.011313293360784776
+18 204 0.0019599132874206946
+18 205 -0.055361401217774664
+18 206 -0.05929606507148991
+18 207 -0.0895158655993396
+18 208 -0.08501441923595213
+18 209 -0.11562126141526938
+18 210 0.004869405667360793
+18 211 -0.15355730750223534
+18 212 -0.04839919554617002
+18 213 -0.050025028473889656
+18 214 -0.007268385610430301
+18 215 -0.004855570991024175
+18 216 -0.097379219240605
+18 217 -0.09738924269272888
+18 218 -0.05694240528212616
+18 219 -0.024274021415642194
+18 220 -0.008132218181553841
+18 221 -0.02055042472083512
+18 222 -0.004549034188587109
+18 223 -0.08438042516412705
+18 224 -0.025935693190764244
+18 225 -0.032634246789125076
+18 226 -0.08477507704820839
+18 227 -0.0148788084372927
+18 228 -0.012924424629613561
+18 229 -0.019454502878795535
+18 230 -0.02145928181611612
+18 231 0.008068220225188036
+18 232 -0.0028648158380012168
+18 233 -0.03429653125129889
+18 234 -0.05522005462163039
+18 235 0.007577394570515615
+18 236 0.004157832102354341
+18 237 -0.002854684867388247
+18 238 -0.049388232563745346
+18 239 -0.013276093612110185
+18 240 0.004449897870372551
+18 241 -0.024009668352115255
+18 242 -0.010890880458403559
+18 243 -0.04858174897988368
+18 244 -0.08206320435492388
+18 245 -0.11419873337968814
+18 246 -0.010971601513166345
+18 247 -0.043494215551349566
+18 248 -0.03805838123587604
+18 249 -0.015888450956700884
+18 250 -0.016398459793772437
+18 251 -0.08246709495480421
+18 252 -0.01721724008018836
+18 253 -0.008645115416895532
+18 254 -0.0066368995418468755
+18 255 -0.1019324280304707
+18 256 -0.05103235857212087
+18 257 -0.10388935495342766
+18 258 0.005458200550580373
+18 259 0.0035014264834260485
+18 260 -0.005535676363078781
+18 261 -0.003131668423564517
+18 262 -0.0422272980909384
+18 263 3.251332023702114E-4
+18 264 -0.07141156822585121
+18 265 0.0035512300705733846
+18 266 -0.023304019602587774
+18 267 -0.005827951305973382
+18 268 -0.009581224735113077
+18 269 -0.010648810020961897
+18 270 -0.049444768373535765
+18 271 -0.0021962931930423297
+18 272 -0.04454582320448153
+18 273 -0.05560832251254051
+18 274 -0.04826661366168248
+18 275 -0.018199478917930362
+18 276 -0.07145702102519656
+18 277 -0.08219398968694716
+18 278 -0.056682136030590156
+18 279 -0.0042129953174960336
+18 280 -2.7391650450665425E-4
+18 281 -0.09075250954091084
+18 282 -0.05739338011271427
+18 283 -0.06074631655663665
+18 284 -5.505050545804935E-4
+18 285 -0.03971246880371853
+18 286 -0.01827846223961765
+18 287 -0.012478899222255962
+18 288 0.007824336495248078
+18 289 -0.0421812302259008
+18 290 -0.06893932980996442
+18 291 -0.11268654799357629
+18 292 -0.13984929943591834
+18 293 -0.0033706792665435885
+18 294 0.007289594113310914
+18 295 -0.07986677024856244
+18 296 -0.023114100145378395
+18 297 -0.006847320808292693
+18 298 -0.04108568802020576
+18 299 -0.09440118298462903
+18 300 -0.05410058376100175
+19 1 0.02804559574816354
+19 2 0.059738536457167715
+19 3 0.011761541582257345
+19 4 -0.008911931663649342
+19 5 -0.009030345547385507
+19 6 0.008621684513038862
+19 7 0.04792839594319379
+19 8 0.006285948460477245
+19 9 0.07809367230508803
+19 10 0.015315369190422099
+19 11 -0.08557974253757998
+19 12 0.029884172562482266
+19 13 0.04147218501542811
+19 14 0.007866777856327771
+19 15 0.022569859704618736
+19 16 0.07549787708427359
+19 17 -0.028903465692873657
+19 18 0.04744755975145288
+19 19 0.005222270118750846
+19 20 0.0034100550211816905
+19 21 -0.02161290900362968
+19 22 0.017563909259378507
+19 23 -0.03250608853528132
+19 24 0.07179086671845254
+19 25 -0.04310159790599777
+19 26 -0.08535627412148405
+19 27 -0.06618320857663013
+19 28 -0.024946707159831202
+19 29 -0.007322673668736828
+19 30 0.013802785475780224
+19 31 -0.06047991169722732
+19 32 0.047003243228576255
+19 33 0.058706132000357465
+19 34 0.06132730078204501
+19 35 -0.022569711474101455
+19 36 0.07244354406607163
+19 37 0.006387417300810546
+19 38 -0.051949497975550714
+19 39 -0.08181161378398616
+19 40 0.062235107451524815
+19 41 0.04646535269010475
+19 42 0.04895516859579951
+19 43 0.006375661852744075
+19 44 -0.07761878416608628
+19 45 -0.07330828271111095
+19 46 0.02866181520002035
+19 47 -0.029662432043979572
+19 48 0.0028982659710606595
+19 49 0.018846360177147428
+19 50 0.04889496160574931
+19 51 0.07477885343613279
+19 52 0.010235231271030244
+19 53 0.02298798002338154
+19 54 0.04330585879722615
+19 55 0.07102513599729866
+19 56 0.050950793416679394
+19 57 0.05529409308258774
+19 58 0.01656553490689132
+19 59 -0.012196411355635092
+19 60 0.0878993670518679
+19 61 -0.0021554275518731046
+19 62 -0.05396176215331359
+19 63 0.014567008003336157
+19 64 0.10726810730463207
+19 65 0.04043458054417293
+19 66 0.019968402827805126
+19 67 0.05382871606897129
+19 68 -4.507350277698766E-4
+19 69 -0.0014217028852258828
+19 70 0.02042437805225911
+19 71 0.026526027473544416
+19 72 -0.10155510385243195
+19 73 -0.004599288225461993
+19 74 -0.03824600414421299
+19 75 0.04062635413423873
+19 76 0.012673506083518856
+19 77 -0.022395352133474773
+19 78 -0.0023106655704481917
+19 79 0.09338424068324072
+19 80 -0.02159353348435907
+19 81 -0.0032167340386875056
+19 82 -0.008028561684798494
+19 83 -0.008645616760184946
+19 84 0.004519236863210502
+19 85 -0.020848870557986336
+19 86 0.04260851682686872
+19 87 0.02519944843170745
+19 88 0.03117297939660385
+19 89 -0.09125698846935346
+19 90 0.033988285526910855
+19 91 -0.03284762412967918
+19 92 0.02665743240094263
+19 93 0.040611169321619844
+19 94 -0.11220253677134184
+19 95 0.040306444068547345
+19 96 -0.04729421901704926
+19 97 0.01933223078307599
+19 98 -0.010468661808535463
+19 99 -0.05056710470957235
+19 100 -0.015450789401682765
+19 101 0.0014016637930243825
+19 102 0.031168776776484254
+19 103 -0.019110444527782742
+19 104 -0.08543320369016175
+19 105 -0.023065516567330996
+19 106 -0.0031536853388267764
+19 107 -0.05538352614195351
+19 108 -0.05521233870025632
+19 109 -0.037478766427474136
+19 110 6.602264795136844E-4
+19 111 0.01001989162902118
+19 112 -0.025339070402338647
+19 113 0.033577772421848305
+19 114 -0.028653821321025577
+19 115 0.006067317887883297
+19 116 -0.06113467947364153
+19 117 0.05200989585137929
+19 118 -0.026870633709707673
+19 119 -0.006209954865341984
+19 120 0.018134911898003165
+19 121 0.024784791737788706
+19 122 0.07397280133308796
+19 123 0.029501232896029347
+19 124 -0.027234911782355105
+19 125 -0.015816478238606532
+19 126 0.007047101223051862
+19 127 -0.0030672595751960598
+19 128 -0.07385244840415735
+19 129 -0.034789962624974705
+19 130 0.04245299738951128
+19 131 -0.03221058102597913
+19 132 0.022612038337937013
+19 133 -0.021811426226368922
+19 134 6.989277694479309E-5
+19 135 -0.06216912854306335
+19 136 -0.010464591637401884
+19 137 0.001909954239682603
+19 138 0.010102663082883392
+19 139 0.026252435253439486
+19 140 0.03337006114022862
+19 141 0.04827097897104132
+19 142 0.05510123397398411
+19 143 -0.051376596618954044
+19 144 -0.00851542938233132
+19 145 0.0702950866629147
+19 146 -0.017695412416806628
+19 147 -0.005951460012764391
+19 148 -0.01809819645945792
+19 149 -0.039530967189383474
+19 150 0.03912678096502293
+19 151 -0.016467978931028415
+19 152 -0.003625081124127831
+19 153 0.051097018306174594
+19 154 -0.06405827688158898
+19 155 -0.07440837051448576
+19 156 -0.02753388872774465
+19 157 0.002344950809457003
+19 158 0.010040158318888987
+19 159 -0.0059569159422071544
+19 160 -0.014866317520135137
+19 161 0.04561459817143452
+19 162 -0.08268157172209331
+19 163 0.048254623002903195
+19 164 -0.043988525195917914
+19 165 0.03208129269980041
+19 166 -0.048445513648874644
+19 167 -0.011254921331241481
+19 168 -0.04631672447276081
+19 169 0.030556275058530515
+19 170 0.07645072130258822
+19 171 -0.029890882677607308
+19 172 0.027899881704108467
+19 173 -6.069026707787662E-4
+19 174 -0.019521692708878467
+19 175 0.021133344036718547
+19 176 -0.025456562629030264
+19 177 0.0018085819466925257
+19 178 0.075717607713508
+19 179 -0.0038868938448375088
+19 180 -0.0035666424307756297
+19 181 -0.010406389882317563
+19 182 -0.001056081213399967
+19 183 -0.018683919266896727
+19 184 0.00848742371949001
+19 185 0.09265178884880752
+19 186 0.09203474705180867
+19 187 -0.08785317770017784
+19 188 0.07514778519874545
+19 189 0.030169485344507658
+19 190 -0.013837488393529404
+19 191 -0.024711317945531608
+19 192 0.02530267381494736
+19 193 0.021654762541860675
+19 194 0.004948406574447296
+19 195 -9.94348425826228E-4
+19 196 -0.03303909707472157
+19 197 -0.03919284326312239
+19 198 -0.03780297638420823
+19 199 0.030732713006699275
+19 200 0.012556817049267628
+19 201 8.280551093324812E-4
+19 202 -0.024021132244179157
+19 203 0.0547377647785529
+19 204 -0.002928922446770819
+19 205 0.008822186096879316
+19 206 0.16228532205961468
+19 207 0.0077974602881392095
+19 208 -0.0012282088958284257
+19 209 -0.04214122473876721
+19 210 0.021907481388377132
+19 211 0.0609412681845433
+19 212 0.03315199101159213
+19 213 0.08589002515409055
+19 214 -0.10017701387781215
+19 215 0.06085613485026467
+19 216 -0.023414893762494043
+19 217 -0.03351022167523796
+19 218 0.08030893433623586
+19 219 -0.03385548162291378
+19 220 0.04487909250778458
+19 221 -0.009007506314198072
+19 222 -0.006390221534797595
+19 223 -0.1306697643207869
+19 224 0.00219937298403368
+19 225 -0.004505179874564059
+19 226 0.022005244613661722
+19 227 -0.05309131968582658
+19 228 -0.013331264687788145
+19 229 0.06982732944157766
+19 230 -0.03463882527908087
+19 231 0.03225015746276149
+19 232 -0.021539230306350486
+19 233 0.0339189464494615
+19 234 -0.011564746996345703
+19 235 0.020303529610627223
+19 236 -0.0306659409464379
+19 237 0.02537026424033966
+19 238 0.04849150289221127
+19 239 0.019751838683374996
+19 240 0.03825326486537133
+19 241 -0.06002036886940891
+19 242 0.0199634115813004
+19 243 0.04196638109812609
+19 244 0.06992644642526592
+19 245 -0.06698908290180648
+19 246 0.02117454185228857
+19 247 -0.0580848267184489
+19 248 -0.023034724775695747
+19 249 -0.025558109902954346
+19 250 0.06699429643055492
+19 251 0.07812511139846227
+19 252 -0.004283602889405051
+19 253 0.03807366098394082
+19 254 0.05759914792921057
+19 255 0.06048242052274432
+19 256 0.01748579690608494
+19 257 0.015955263563364235
+19 258 0.04198313241930706
+19 259 -0.025081355929587282
+19 260 -0.007629616447070405
+19 261 0.012371581493531285
+19 262 -0.0513587816916098
+19 263 -0.006786729287641024
+19 264 -0.05440442020084346
+19 265 0.040766275734944776
+19 266 -0.067140750744604
+19 267 0.014115301137954919
+19 268 0.06821940813642915
+19 269 0.06252751928329614
+19 270 0.06796078926983427
+19 271 -0.08467821405608134
+19 272 0.0021845045993147774
+19 273 0.02922206656708946
+19 274 0.043493707712350914
+19 275 0.013372687918216348
+19 276 0.04113177869454872
+19 277 0.02149554906440351
+19 278 0.008606549857991776
+19 279 -0.07625270954176809
+19 280 0.0714687980342499
+19 281 -0.02580807658702916
+19 282 -0.0287102784481811
+19 283 0.020080870636121597
+19 284 0.05276328765948975
+19 285 0.011366436931948682
+19 286 0.016364560611885497
+19 287 -0.004663506904160904
+19 288 0.030896729054452714
+19 289 -0.03943860739413853
+19 290 0.006160264925529229
+19 291 -0.013823295540740278
+19 292 -0.030671720974491133
+19 293 -0.013772081607150568
+19 294 -0.02027908305644753
+19 295 -0.017569182945186793
+19 296 -0.013780422833140097
+19 297 -0.07059770019214393
+19 298 0.01730291361365085
+19 299 -0.03974130349126324
+19 300 -0.06779554495668642
+20 1 -0.01588682238916507
+20 2 -0.03452123717720031
+20 3 0.02814985453136801
+20 4 -0.05321993164288608
+20 5 -0.025266172736015082
+20 6 -0.08823791741870042
+20 7 -0.0829334229211602
+20 8 0.03746591096157038
+20 9 -0.01257200117966813
+20 10 0.007214322534620981
+20 11 0.0016799036507187187
+20 12 -0.06730236226889998
+20 13 -0.11325317640179754
+20 14 -0.07242883025392384
+20 15 0.05233376058445322
+20 16 0.04711586086716963
+20 17 -0.07568198576088449
+20 18 -0.011810058092849369
+20 19 -0.018529421972004582
+20 20 -0.0052939903859929045
+20 21 0.0060250514139183284
+20 22 -0.10041469934256375
+20 23 -0.03549290173746355
+20 24 -0.0988420319082589
+20 25 -0.08931196485025375
+20 26 -0.07779730171432919
+20 27 0.0748273206075794
+20 28 -0.00496518386191146
+20 29 -0.05294600823966349
+20 30 -0.09136847130092368
+20 31 -0.17771961473043782
+20 32 -0.06560457850268234
+20 33 0.005510162580539245
+20 34 0.14400460475943982
+20 35 -0.1614123526581174
+20 36 0.008896960778995698
+20 37 -0.0623213643852669
+20 38 -0.08788639588549621
+20 39 -0.1825797338107945
+20 40 -0.02804456267023853
+20 41 -0.025124057410890965
+20 42 -0.01280328610091717
+20 43 -0.03512495293006829
+20 44 -0.07626359608589982
+20 45 -0.055957716178604795
+20 46 0.016320608072170496
+20 47 0.08003777375360928
+20 48 -0.0339233378360318
+20 49 0.011483719190646259
+20 50 -0.015395945106497366
+20 51 -0.035983092773233194
+20 52 0.05434896921320692
+20 53 -0.10782505305924589
+20 54 -0.022228354762286556
+20 55 -0.020539395045454347
+20 56 -0.030929045259578902
+20 57 -0.09295592668271344
+20 58 -0.04314758554706483
+20 59 0.001769397652450379
+20 60 -0.04147969665098258
+20 61 -0.0411000936701544
+20 62 -0.05335974487467355
+20 63 -0.08522805338760792
+20 64 0.06396616100288101
+20 65 -0.04887210596849351
+20 66 -0.013595841640605458
+20 67 -0.14623529192244428
+20 68 0.07231401514562853
+20 69 -0.19638039152769976
+20 70 -0.13253907537527254
+20 71 0.04094648300865718
+20 72 -0.0787472033390812
+20 73 -0.07138131905283623
+20 74 -0.12352339030078954
+20 75 -0.17567900029206082
+20 76 -0.10522778838760981
+20 77 0.007676079160595226
+20 78 0.08540907211926568
+20 79 -0.03227680758556874
+20 80 -0.1195399692235937
+20 81 -0.12544665521871431
+20 82 0.07993051656063054
+20 83 -0.0352766642520671
+20 84 -0.03224573969282193
+20 85 -0.09854709383325287
+20 86 -3.1988860781734056E-4
+20 87 -0.06734354648331194
+20 88 -0.06945161316350423
+20 89 -0.012334159368619688
+20 90 -0.03809726798133399
+20 91 -0.1084709267133564
+20 92 -0.0074347910985113
+20 93 -0.1016927078965957
+20 94 -0.056159421466324806
+20 95 -0.06584255454154486
+20 96 -0.06741940615920047
+20 97 -0.02973559308185911
+20 98 -0.10121834622278832
+20 99 -0.04465502050175574
+20 100 -0.007479999842571063
+20 101 -0.07588326801722171
+20 102 -0.1294211084989472
+20 103 0.0750099504158038
+20 104 -0.035710870960786026
+20 105 -0.10455441014520865
+20 106 0.11708903721460492
+20 107 -0.07905333482857446
+20 108 -0.025457828739263923
+20 109 -0.10020166739753313
+20 110 -0.007820055524712391
+20 111 0.0577858044834996
+20 112 0.0824458921356558
+20 113 0.061423118444536184
+20 114 -0.07129741760952059
+20 115 -0.017932738467726125
+20 116 -0.04265636373324138
+20 117 0.006539841507133845
+20 118 -0.110836376478979
+20 119 -0.06575292113079928
+20 120 -0.0634704835413319
+20 121 0.05280125277198597
+20 122 -0.09837661501102819
+20 123 -0.03818382877407162
+20 124 0.045978611920019424
+20 125 -0.011916756120973662
+20 126 -0.08525166195088575
+20 127 -0.030096420657724353
+20 128 -0.18419458873547298
+20 129 0.05005561210183043
+20 130 -0.13701359489388906
+20 131 -0.13017541765704732
+20 132 -0.10681597060097882
+20 133 0.04064305706928376
+20 134 -0.044259932799137806
+20 135 -0.12041685692177127
+20 136 -0.08634824996578275
+20 137 -0.046429926108675655
+20 138 -0.036182622248241085
+20 139 -0.03337843254936033
+20 140 -0.017238959102093433
+20 141 -0.017279705392247224
+20 142 -0.1185824023249615
+20 143 -0.1061456453802994
+20 144 -0.012616100262568057
+20 145 0.13778032741507656
+20 146 -0.020769928855064998
+20 147 -0.030932572468840923
+20 148 -0.012264672163062543
+20 149 -0.12652539262127
+20 150 -0.010169694901004837
+20 151 -0.07331279070350119
+20 152 -0.18116908634878276
+20 153 0.014221197569672392
+20 154 0.02340679893599263
+20 155 -0.07176200377125742
+20 156 -0.0589097259071932
+20 157 -0.028895110386273314
+20 158 -0.1068038124201608
+20 159 0.05676306795076615
+20 160 0.0366470187335431
+20 161 0.06999266027566582
+20 162 0.031061002480565467
+20 163 -0.029069553867984918
+20 164 -0.04685248876880824
+20 165 -0.08728990049689585
+20 166 -0.08356662316275709
+20 167 -0.03877802294479259
+20 168 0.06080673251817805
+20 169 -0.09663440682383438
+20 170 -0.0492090087669124
+20 171 -0.1074536810159114
+20 172 -0.03288362302724556
+20 173 -0.15036455340942692
+20 174 0.017726137923511073
+20 175 0.0016948522172848522
+20 176 0.015271830990108759
+20 177 0.05207502203563839
+20 178 0.00980869718250365
+20 179 -0.08700599425179019
+20 180 -0.016877243987632143
+20 181 0.0325080311452819
+20 182 0.09388992435469326
+20 183 -0.0695771559982173
+20 184 -0.04554176729460959
+20 185 0.057810929604664524
+20 186 -0.1671560509870401
+20 187 0.02577316010331166
+20 188 -0.030241831901355452
+20 189 -0.04924854244502314
+20 190 -0.06605304007860292
+20 191 -0.08339608285593111
+20 192 -0.03554159012624696
+20 193 -0.05416073122809771
+20 194 0.027899333423147158
+20 195 0.17361339010409427
+20 196 -0.0035217454429221384
+20 197 -0.0036458206121050118
+20 198 -0.08281054080377565
+20 199 -0.004660429149853378
+20 200 -0.05492287218571922
+20 201 -0.05704959373658455
+20 202 0.022215557851733313
+20 203 -0.08467220567523778
+20 204 -0.0919303194309385
+20 205 -0.047069801234976706
+20 206 -0.03693271561839797
+20 207 -0.06436737670290053
+20 208 -0.05387009459703479
+20 209 -0.05491906525222186
+20 210 -0.04896834716878284
+20 211 -0.06436508149942806
+20 212 -0.08927447886671036
+20 213 -0.06043872713350582
+20 214 -0.2286651673734946
+20 215 -0.1719707431324919
+20 216 4.559693090935304E-4
+20 217 -0.043893598875436375
+20 218 -0.07772973852741275
+20 219 -0.10101427485528724
+20 220 0.08644958477659018
+20 221 -0.0035455772106371486
+20 222 -0.037034279195857084
+20 223 0.01948573793958266
+20 224 -0.08321634480730587
+20 225 -0.009195234645907362
+20 226 0.03925132683525482
+20 227 -0.1437215311982527
+20 228 -0.07095301606933663
+20 229 -0.06629044751357224
+20 230 -0.034798721302954194
+20 231 -0.10883394422429134
+20 232 -0.2579850267121554
+20 233 0.09952987661035359
+20 234 -0.07574792844063362
+20 235 -0.008981160905314393
+20 236 0.049554442656746876
+20 237 -0.1123217168151179
+20 238 -0.13053157482561753
+20 239 -0.06867229912156225
+20 240 -0.03610159185605175
+20 241 0.054375648880372295
+20 242 0.1111541792802533
+20 243 -0.09789518948086787
+20 244 0.06207075771286977
+20 245 -0.10078844721706791
+20 246 -0.01481714649037888
+20 247 0.03470120340028333
+20 248 -0.06228139711467074
+20 249 -0.10686404255082248
+20 250 -0.017850116827253838
+20 251 0.03203848500552995
+20 252 0.09523962807049073
+20 253 0.12979867905699008
+20 254 0.05213023083313773
+20 255 -0.08122858046964615
+20 256 0.016544888270634744
+20 257 -0.11278321584715587
+20 258 -0.06888520874177928
+20 259 -0.1754330856156256
+20 260 -0.012892854790719338
+20 261 -0.20989835657238473
+20 262 0.021577845939881508
+20 263 0.09206586919026442
+20 264 0.19502990722358127
+20 265 0.008251199878595726
+20 266 0.07242489070206577
+20 267 -0.19916124150010286
+20 268 0.007788644572024192
+20 269 -0.04710426587244128
+20 270 -0.020153324283628607
+20 271 0.05788602633718961
+20 272 -0.13066393350292388
+20 273 -0.007739552096841004
+20 274 0.05168502271981449
+20 275 -0.1344686184155154
+20 276 -0.014538476875835794
+20 277 -0.05559416869317921
+20 278 -0.07698272534554862
+20 279 -0.2247241958323806
+20 280 0.0439094586413328
+20 281 -0.008447708035204506
+20 282 -0.0403077485854845
+20 283 -0.012894473446599062
+20 284 0.10940649360922652
+20 285 -0.15792086639941397
+20 286 0.027562661503148952
+20 287 0.05095961327360842
+20 288 -0.13955774423548628
+20 289 -0.07617095254064166
+20 290 0.03121181547519719
+20 291 0.036260614601043024
+20 292 -0.08955367006777676
+20 293 -0.037688587950912025
+20 294 0.017330242194509127
+20 295 -0.09416955965183105
+20 296 -0.03481035853232973
+20 297 0.021819482043987558
+20 298 -0.012766959131755852
+20 299 -0.07895193911366814
+20 300 -0.022366133144068025
+21 1 -0.06808699584301141
+21 2 -0.03892333207422543
+21 3 0.010692615227837071
+21 4 0.024949133524788142
+21 5 -0.001021303179392467
+21 6 -0.08887107968879361
+21 7 -3.80807179830109E-4
+21 8 -0.047701307877334606
+21 9 -1.9944879688231206E-4
+21 10 0.021668104005644714
+21 11 -0.028873389709241117
+21 12 0.05465523092504308
+21 13 0.026423001289552554
+21 14 -0.02755800067949748
+21 15 0.08213098207087567
+21 16 -0.025365998996735875
+21 17 -0.13365748685990075
+21 18 -0.05527741387784893
+21 19 -0.07446363141582574
+21 20 0.028413149918631513
+21 21 -0.059225849260340184
+21 22 -0.03965293926164939
+21 23 -0.08500087929411347
+21 24 -0.06855515421828222
+21 25 -0.07650499125613308
+21 26 -0.10202142531816633
+21 27 0.06408408972170636
+21 28 -0.10016381115949734
+21 29 -0.06686228086895246
+21 30 0.0790599924213631
+21 31 -0.03998728723356921
+21 32 -0.05045895398086297
+21 33 0.04920392972193771
+21 34 0.0662893799445114
+21 35 -0.15591892377314534
+21 36 -0.04489474051785112
+21 37 -0.09756399447352966
+21 38 0.04098725102021932
+21 39 -0.18892043927256968
+21 40 -0.21585323959081304
+21 41 -0.044362697346884444
+21 42 0.010851758027837756
+21 43 0.04355581964266131
+21 44 -0.0368489789507153
+21 45 -0.021313458555434605
+21 46 -0.01811054586290867
+21 47 -0.03875614339358787
+21 48 -0.07389133684163958
+21 49 -0.03349545718343737
+21 50 -0.005018055097852169
+21 51 -0.17728449310303845
+21 52 0.04403832600083769
+21 53 -0.06507627248288683
+21 54 -0.07812822288435395
+21 55 -0.08909052950857128
+21 56 0.036392862810255174
+21 57 -0.0411709888448856
+21 58 -0.05443529260500442
+21 59 -0.043870626129583666
+21 60 -0.04308490244300966
+21 61 -0.10385180712569927
+21 62 -0.05058831362869246
+21 63 -0.06544923185017963
+21 64 0.028824188919008495
+21 65 -0.12587764471454288
+21 66 0.054874585092609
+21 67 -0.14658197372051684
+21 68 -0.10359981568986278
+21 69 -0.14099508997283727
+21 70 -0.0775641807934038
+21 71 0.05791054743616454
+21 72 -0.055198574201399425
+21 73 -0.08727246597397059
+21 74 -0.09653810039730346
+21 75 -0.10293748066269069
+21 76 0.11903300599539599
+21 77 -0.0158286866509209
+21 78 0.0337791764203193
+21 79 0.002479119142106387
+21 80 -0.05100376795767909
+21 81 -0.0474616663745038
+21 82 0.1140845547636724
+21 83 -0.060216171271386294
+21 84 -0.12927204016650048
+21 85 -0.05056511838860799
+21 86 0.013704982869619698
+21 87 -0.10926175345207222
+21 88 -0.09490088524062719
+21 89 0.06917913650184729
+21 90 0.006240978985474391
+21 91 -0.02917150853976653
+21 92 -0.050353493613714904
+21 93 -0.05157940792591531
+21 94 0.025461414502791
+21 95 -0.05528599515811621
+21 96 -0.06232674813161501
+21 97 0.08821194599575495
+21 98 -0.016523509768920325
+21 99 -0.12702786144533057
+21 100 -0.054415600058469675
+21 101 -0.10966549225916936
+21 102 -0.15196184335497925
+21 103 0.040634690966261315
+21 104 -0.04867378863639597
+21 105 -0.04780060314064686
+21 106 -0.015593587696053292
+21 107 -0.1286675065670715
+21 108 -0.05797866024352538
+21 109 -0.15315748968562434
+21 110 -0.013092618454674115
+21 111 0.02732488784563301
+21 112 0.08273350509061031
+21 113 0.005617669681021154
+21 114 -0.00774411982517452
+21 115 -0.13986292198192232
+21 116 -0.038866583614964374
+21 117 -0.08809211728792699
+21 118 -0.13821799861772785
+21 119 -0.11325894553672416
+21 120 -0.056780707065412814
+21 121 -0.009127434447956027
+21 122 -0.11133171857101945
+21 123 -0.05739876730770674
+21 124 -0.037104585436445195
+21 125 0.003381015538513729
+21 126 -0.12212188919992638
+21 127 -0.020343706055770565
+21 128 -0.027049917671538696
+21 129 -0.026424854014246033
+21 130 -0.13268953969872357
+21 131 -0.13065635844940054
+21 132 -0.04058857554105992
+21 133 0.11681953872328074
+21 134 -0.16003596450968055
+21 135 -0.14021370645820633
+21 136 0.019974029367695958
+21 137 -0.00410985995717863
+21 138 -0.07094353892273268
+21 139 -0.08586402709780314
+21 140 -0.1467411288059591
+21 141 -0.10869172564303353
+21 142 -0.011954438597160964
+21 143 -0.14583381388684627
+21 144 -0.02394178791080547
+21 145 0.12818956868408868
+21 146 -0.0061109977411286775
+21 147 -0.012536534917929738
+21 148 0.031096429837420912
+21 149 -0.13146107617401362
+21 150 -0.05624807714103047
+21 151 -0.057824622187309695
+21 152 -0.031031064173807275
+21 153 -0.06571542620065321
+21 154 -0.13084147759918563
+21 155 -0.05045720483402781
+21 156 -0.030400790099674203
+21 157 -0.09181407357781475
+21 158 -0.13507278234439452
+21 159 -0.018304135563221482
+21 160 0.021343121787951107
+21 161 -0.060154187055746364
+21 162 0.0012084565270880706
+21 163 -0.06366307816780757
+21 164 -0.1540756964876788
+21 165 -0.08301133813521563
+21 166 -0.15312753308690394
+21 167 -0.07519187744075262
+21 168 -0.012165527035671099
+21 169 -0.024995891771885652
+21 170 -0.03689016990141507
+21 171 -0.03454546393942538
+21 172 -0.010882108543051518
+21 173 -0.09344162506637217
+21 174 -0.004662557311905061
+21 175 0.05037087232243737
+21 176 -0.09034413811246575
+21 177 0.0966864993894215
+21 178 0.15733852777793628
+21 179 -0.03215088735568174
+21 180 -0.12260401617783673
+21 181 -0.049070944599598945
+21 182 0.035987268814256915
+21 183 -0.14376684592601163
+21 184 -0.06477738757018618
+21 185 0.14823346012589217
+21 186 -0.060586680995815295
+21 187 0.050413364730589
+21 188 -0.12881741656432233
+21 189 0.05613015432513069
+21 190 -0.009557541296319675
+21 191 -0.03609375829229317
+21 192 0.041161929881961455
+21 193 -0.047519704675565634
+21 194 0.08419883746450078
+21 195 0.05609084695462285
+21 196 -0.08581598426095392
+21 197 -0.0629629059556204
+21 198 -0.0018657527048740847
+21 199 -0.046135716967027306
+21 200 -0.05998395737065999
+21 201 -0.07343465619043132
+21 202 -0.05885515814113029
+21 203 -0.04571652896069514
+21 204 -0.09226866243061002
+21 205 -0.014642655877671955
+21 206 -0.12168128509696433
+21 207 -0.00365910571262482
+21 208 -0.08831602641637327
+21 209 -0.11945805157147256
+21 210 0.001605821007341041
+21 211 -0.07556404615782043
+21 212 -0.100417770651552
+21 213 -0.05095045185486645
+21 214 -0.10107806829385281
+21 215 -0.07495184454577791
+21 216 -0.07269850344778642
+21 217 -0.1123722342504353
+21 218 -0.15281194823081998
+21 219 -0.17719009172133712
+21 220 0.07805910202973916
+21 221 -0.030854257587124803
+21 222 0.015358225132985438
+21 223 -0.04317658781337069
+21 224 0.01317978011627356
+21 225 -0.07671751600502545
+21 226 -0.0415416822359024
+21 227 -0.045835017461580495
+21 228 -0.13923830165598233
+21 229 0.035024811759233256
+21 230 0.004726365379002176
+21 231 0.008612044157082374
+21 232 -0.08495964953923961
+21 233 0.011235900907615386
+21 234 -0.1087060891045938
+21 235 0.032331391092100085
+21 236 0.04717087717085577
+21 237 0.05025332534859777
+21 238 -0.10662496731319873
+21 239 0.001313723516540252
+21 240 -0.10258443366252094
+21 241 -0.05262007479715406
+21 242 -0.012356575946512892
+21 243 0.027519326667087188
+21 244 -0.11756223761814032
+21 245 0.04645859897132434
+21 246 0.023110076336668853
+21 247 -0.07163358538691737
+21 248 -0.12739959610988222
+21 249 -0.010178516829077977
+21 250 -0.08478924487614259
+21 251 -0.1840422711658023
+21 252 -0.011531628964605679
+21 253 0.13999222459010788
+21 254 0.060745956311945674
+21 255 -0.1040571007714144
+21 256 0.016136209624765828
+21 257 -0.015832031043843346
+21 258 0.03226919954845273
+21 259 -0.11060644812011908
+21 260 -0.0465250943355046
+21 261 -0.09594584691569638
+21 262 -0.10050618870727566
+21 263 0.16798114318747687
+21 264 0.14229709897659612
+21 265 0.09480490396564334
+21 266 0.005369518224240983
+21 267 -0.06013038253045168
+21 268 -0.025506797219413464
+21 269 -0.036497526591791576
+21 270 -0.052393465066599164
+21 271 -0.01968052496710204
+21 272 0.02822009806272443
+21 273 -0.012291701339047976
+21 274 0.029613490087687665
+21 275 -0.11750993583834614
+21 276 -0.05107453422709412
+21 277 -0.11206321921170542
+21 278 -0.034339627694897255
+21 279 -0.1486224744499793
+21 280 -0.06302073309110728
+21 281 -0.07295646359782847
+21 282 0.029910527422884012
+21 283 -0.04860121037402148
+21 284 0.15465853209178534
+21 285 -0.12730009367873527
+21 286 -0.02753766762505791
+21 287 -0.025806806717476413
+21 288 -0.1424558662958358
+21 289 -0.07751208459797847
+21 290 -0.02957708166903522
+21 291 0.03819562953750864
+21 292 -0.12905497554403228
+21 293 0.012667589902157833
+21 294 -0.03869117831448803
+21 295 -0.1317749621469997
+21 296 -0.08085170614550943
+21 297 -0.06446069436814325
+21 298 -0.008889928603512244
+21 299 -0.024187389235518813
+21 300 -0.011878003032144584
+22 1 0.059578221288899884
+22 2 0.039209011717468746
+22 3 0.027586585496171368
+22 4 0.025339776418722336
+22 5 -0.10546408418201612
+22 6 -8.731746631835312E-5
+22 7 0.04542284947954734
+22 8 -0.12664311653834778
+22 9 0.03665931190247905
+22 10 -0.00929393194559567
+22 11 -0.016281179506844764
+22 12 -0.010700767080900586
+22 13 0.0309371908894727
+22 14 0.04117846956486023
+22 15 -0.07191061190811297
+22 16 -0.032551816190062775
+22 17 -0.032513170867559775
+22 18 -0.0724628731796994
+22 19 -0.13202529023734602
+22 20 -0.07732834489029501
+22 21 0.01617731509490476
+22 22 -0.09034052455683755
+22 23 -0.013844344513192029
+22 24 -0.022653932283261843
+22 25 0.010907400424878554
+22 26 -0.015802630122616294
+22 27 0.030310967741934595
+22 28 -0.010090445909408385
+22 29 -0.02609303384032278
+22 30 0.03673875448298605
+22 31 -0.04605171700749357
+22 32 0.02727370194586268
+22 33 -0.02675822447579644
+22 34 -0.07554324402569212
+22 35 -0.05381852360279652
+22 36 -0.060794166584987194
+22 37 0.053249176837648834
+22 38 0.07922097981809187
+22 39 0.031427917108600344
+22 40 0.05118364701462676
+22 41 -0.01114199242155943
+22 42 -0.03152471814037756
+22 43 -0.08623122202095576
+22 44 -0.05906561310264881
+22 45 0.03372697318098174
+22 46 -0.00550684612065146
+22 47 -0.14318719606077462
+22 48 -0.013055124565165041
+22 49 0.05530684617741992
+22 50 -0.02718898262173393
+22 51 -0.028929557455996072
+22 52 0.032847532510263094
+22 53 -0.03542783652723706
+22 54 -0.029176252540050986
+22 55 -0.10244297706727551
+22 56 0.06465814103098654
+22 57 -0.012812197447188988
+22 58 -0.029878742384881418
+22 59 -0.10395515456397511
+22 60 -0.0515751581264267
+22 61 -0.02870489233382746
+22 62 0.0746726761160364
+22 63 -0.07689442558368166
+22 64 -0.012924068523950604
+22 65 0.0698887097853355
+22 66 0.05621789129782479
+22 67 0.1528606086960587
+22 68 0.001914033083779135
+22 69 0.0012620286996571693
+22 70 0.003206066091079556
+22 71 -0.01982245430425376
+22 72 0.08066038963283989
+22 73 0.15018165405619813
+22 74 0.012094692188476657
+22 75 0.013672573675589349
+22 76 0.18813711187818705
+22 77 -0.07534403920515936
+22 78 5.92759204271896E-4
+22 79 -0.021524826315976967
+22 80 -0.07561101162458134
+22 81 -0.016081103184068832
+22 82 -0.06511272720286065
+22 83 -0.0034717964702307325
+22 84 -0.02600369415904957
+22 85 0.052190242521776356
+22 86 -0.023992153077363822
+22 87 0.002214148347583516
+22 88 -0.08487109219026488
+22 89 -0.061322670780156976
+22 90 -0.029128266633280726
+22 91 -0.07262695760601197
+22 92 -0.0062349610397561
+22 93 0.01249185497164367
+22 94 0.009529487493432602
+22 95 0.025012110859060306
+22 96 -0.06661732798836353
+22 97 -0.04833654189203116
+22 98 -0.030761663778878442
+22 99 0.006241710187620465
+22 100 0.01951490842971481
+22 101 -0.027010086209525934
+22 102 0.07199213018970463
+22 103 -0.04821377528882443
+22 104 -0.02221773703361773
+22 105 -0.03454270069709639
+22 106 -0.03538825481227623
+22 107 0.045969392006444246
+22 108 0.020671886133310394
+22 109 -0.0073776061198516955
+22 110 0.03506562582158125
+22 111 -0.001925282258098079
+22 112 -0.03337061041573103
+22 113 -0.04513558046954939
+22 114 0.014695311424674702
+22 115 0.0315769969700751
+22 116 0.01456838245350674
+22 117 -0.020652684841117094
+22 118 -0.021750245995533858
+22 119 -0.031135974497148194
+22 120 -0.008408309658925552
+22 121 0.008139695506456945
+22 122 0.016265684000377888
+22 123 -0.0070446201789757775
+22 124 -0.05007200063756918
+22 125 -0.038019714425709686
+22 126 -0.060812995683896184
+22 127 -0.040210094329549834
+22 128 0.18362782871088548
+22 129 0.027211077667330726
+22 130 -0.06081681577844929
+22 131 -0.013412632267831686
+22 132 0.011748359467239665
+22 133 0.007363270621898517
+22 134 -0.06985372266188702
+22 135 0.10922270278250212
+22 136 -0.038139263235442915
+22 137 0.0950536556055511
+22 138 0.028288670585582255
+22 139 0.0048390725212567555
+22 140 0.012003162253463416
+22 141 0.04669154086079749
+22 142 0.011180622075785882
+22 143 0.014317821505172289
+22 144 0.03806268003110669
+22 145 0.04057958991995279
+22 146 0.03860927707369016
+22 147 -0.09897796101095097
+22 148 0.102167096518216
+22 149 0.11240695492352709
+22 150 -0.07170513528057561
+22 151 0.056390354661243994
+22 152 -0.09338309556113886
+22 153 0.07741149936405044
+22 154 0.021528617736492558
+22 155 0.026524250090680577
+22 156 0.010802192932297134
+22 157 0.08660530327263216
+22 158 -0.025792997963890212
+22 159 -0.04771882202712341
+22 160 -0.06673258376637534
+22 161 -0.1080717947715728
+22 162 -0.01303134877909682
+22 163 -0.04191233275680881
+22 164 -0.08883089388347859
+22 165 -0.03626453215789334
+22 166 -0.0395463662932567
+22 167 -0.03235686999273441
+22 168 0.028763640059032414
+22 169 -0.038627773313269526
+22 170 -0.010314485328226857
+22 171 0.1051401294943104
+22 172 -0.08758904527577889
+22 173 0.10696111442008505
+22 174 0.03177824329672725
+22 175 0.0660042988576014
+22 176 -0.06258082399723901
+22 177 0.06466268521111984
+22 178 -0.05752594880582999
+22 179 0.020947995027864524
+22 180 -0.05022994424542363
+22 181 0.03367271346372467
+22 182 -0.018100151062792787
+22 183 0.06382950593500723
+22 184 -0.13390662674791012
+22 185 -0.06672802694023396
+22 186 0.07263100208928001
+22 187 -0.04887127959520739
+22 188 -0.03355989364097229
+22 189 -0.021127673050706435
+22 190 -0.05801553409022258
+22 191 0.05018169421924822
+22 192 0.01067333673682169
+22 193 -0.026903836349333996
+22 194 -0.02698883027246037
+22 195 -0.09855090947292212
+22 196 0.04864875470713089
+22 197 0.07511614106981343
+22 198 0.0016430355722272646
+22 199 0.009017747471727948
+22 200 -0.003938792315652039
+22 201 -0.04029456393947755
+22 202 -0.04926926643359741
+22 203 0.12248930522530237
+22 204 0.15514696525864882
+22 205 -0.0253457323586195
+22 206 -0.012940720474816526
+22 207 -0.08154533044041228
+22 208 -0.034144531694847484
+22 209 0.024452034334479976
+22 210 -0.12134870608594103
+22 211 0.040514770096033256
+22 212 0.08427418669926687
+22 213 -0.04692443000678085
+22 214 0.013141428560331007
+22 215 0.07630000397123761
+22 216 -0.024876022519843992
+22 217 0.0698911136765711
+22 218 0.021193383558544505
+22 219 0.041882112309967565
+22 220 -0.08826427973683584
+22 221 -0.01280318298638485
+22 222 -0.0755476510373048
+22 223 -0.07709703795918303
+22 224 -0.08808959217292815
+22 225 -0.047621847694369224
+22 226 -0.0381798185468278
+22 227 0.0026009403684378422
+22 228 0.022145361173703967
+22 229 0.03586803770305602
+22 230 0.06263835002471435
+22 231 0.10574393830622845
+22 232 0.06715115554423594
+22 233 -0.028580982899226032
+22 234 -0.041431640084785004
+22 235 0.017344528791360645
+22 236 0.057627868000230204
+22 237 0.03439671625787272
+22 238 0.06607203807827221
+22 239 0.037884379456177716
+22 240 0.058925453360607574
+22 241 -0.0805718298034293
+22 242 -0.18059583567039939
+22 243 -0.04622819887630496
+22 244 -0.03050571566238335
+22 245 0.05223029272187659
+22 246 -0.023335735091841836
+22 247 -0.011178181727465509
+22 248 0.03530706366224887
+22 249 -0.009043810498614555
+22 250 0.04529038331951504
+22 251 -0.04946118800466734
+22 252 -0.05111148606048959
+22 253 -0.0060731448864054915
+22 254 -0.053997282114969854
+22 255 0.02652587398459974
+22 256 -0.021403961340542565
+22 257 -0.004283562689793509
+22 258 -0.11479437955048265
+22 259 -0.058517504494328076
+22 260 0.0876920050548253
+22 261 0.05553389771260167
+22 262 0.016987251782734556
+22 263 -0.1899843064447769
+22 264 0.01824612400074587
+22 265 -0.18866640981025884
+22 266 0.0313891866481239
+22 267 0.07207815467525232
+22 268 -0.06231817460844853
+22 269 0.07525635662108265
+22 270 0.012004109209179865
+22 271 0.06275771589518979
+22 272 -0.11228219081339337
+22 273 -0.04792585367444354
+22 274 -0.0026755589395825335
+22 275 0.12022186223789853
+22 276 0.01674836579750432
+22 277 -0.0621679865007315
+22 278 0.04195286954540357
+22 279 0.008162232047928073
+22 280 -0.019664218765065418
+22 281 0.06061681205719278
+22 282 0.005284871816388872
+22 283 -0.0779527800310468
+22 284 -0.011734474770745306
+22 285 -0.06388426166731095
+22 286 -0.03138618983789643
+22 287 0.01179236710395434
+22 288 0.17524044511658976
+22 289 -0.04627373406301936
+22 290 0.004982973012179529
+22 291 -0.012591501012525654
+22 292 0.015380341423901923
+22 293 0.006627080140300541
+22 294 0.007825252146701262
+22 295 -0.0033838538776743885
+22 296 0.005426082181290505
+22 297 -0.03585834615696531
+22 298 0.010993944153522018
+22 299 0.004281219430883003
+22 300 -0.007797349391121027
+23 1 0.019014010545940048
+23 2 -0.07799326925971743
+23 3 -0.07567540957572944
+23 4 0.07228899346103415
+23 5 -0.08336474389949727
+23 6 -0.04101546142325734
+23 7 -0.010994741700556412
+23 8 -0.010208820688376065
+23 9 -0.011122962161954164
+23 10 0.07732263072290836
+23 11 -0.04603544591304869
+23 12 -0.034482260006709495
+23 13 0.039578643045334455
+23 14 -0.0371741471859412
+23 15 -0.0491629246717734
+23 16 -0.04365318807132428
+23 17 -0.013888647219162619
+23 18 -0.023007507187260433
+23 19 -0.12257116689825413
+23 20 -0.07644217357006987
+23 21 -0.017652547223551952
+23 22 -0.06161055023297162
+23 23 -0.03673317228649694
+23 24 -0.04638481305822024
+23 25 -0.007896331684343057
+23 26 -0.13460720459137426
+23 27 -0.002558477534209314
+23 28 -0.032157653688959655
+23 29 -0.01565717045888537
+23 30 0.04829470052051347
+23 31 -0.005387678540241739
+23 32 -0.07854411549149713
+23 33 -0.11485372717802494
+23 34 -0.09883902297621405
+23 35 0.015167742082848726
+23 36 -0.10270184055082258
+23 37 0.015756698299212744
+23 38 0.012737002325100383
+23 39 -0.12162316443599869
+23 40 -0.05529187381450375
+23 41 0.007363629764781973
+23 42 -0.06633313237353095
+23 43 -0.07876096675237604
+23 44 -0.014062114649396117
+23 45 0.04090770801723858
+23 46 0.01359359073968143
+23 47 -0.1561422821449262
+23 48 -0.04032589394461979
+23 49 0.006178502982945948
+23 50 0.01801058366344336
+23 51 -0.0555150212648705
+23 52 -0.05163743214014826
+23 53 -0.03194092212180178
+23 54 -0.056919950411273956
+23 55 -0.08667012971539438
+23 56 0.0761520526923517
+23 57 -0.0183852553215758
+23 58 0.014024965187676479
+23 59 -0.06647312402593752
+23 60 -0.032110918648344804
+23 61 -0.018824503819793555
+23 62 -0.14909625601587626
+23 63 0.004483146704916544
+23 64 -0.0018621422293759926
+23 65 0.08968368669430153
+23 66 0.09670218079690111
+23 67 0.04580451353207751
+23 68 0.06700790897214516
+23 69 -0.05905330829640568
+23 70 -0.0038077483034864167
+23 71 0.025005215454323704
+23 72 -0.003168886804714101
+23 73 -0.04045426004371841
+23 74 -0.08510849711891977
+23 75 -0.12159670938185826
+23 76 0.05976192454515778
+23 77 0.044019510976396045
+23 78 -0.06281535568794576
+23 79 -0.07315374782480398
+23 80 0.022585621302183757
+23 81 -0.09934621359737338
+23 82 0.04593870771581412
+23 83 0.008248639684979771
+23 84 -0.010656174418608569
+23 85 -0.0888972030155838
+23 86 -0.112870491357318
+23 87 0.029005910776539922
+23 88 -0.09499723381535298
+23 89 -0.12147575599446236
+23 90 -0.02704949515150793
+23 91 0.03741168179407866
+23 92 -0.04063343628538201
+23 93 -0.09778374816367293
+23 94 0.02314295866855039
+23 95 -0.07611076279441342
+23 96 -0.013775046638257434
+23 97 -0.01653761518470618
+23 98 -0.03147782478768458
+23 99 -0.02383408188763553
+23 100 0.037197892752398605
+23 101 -0.06856529077239076
+23 102 -0.06992531666972275
+23 103 -0.06493228891618595
+23 104 -0.035850412136903986
+23 105 0.009459190474358342
+23 106 -0.021308266267041617
+23 107 -0.04225489166383474
+23 108 -0.03158828678386287
+23 109 -0.14543152298000922
+23 110 -0.0017171594768635792
+23 111 -0.04493151714503617
+23 112 -0.033021836472576185
+23 113 -0.10135583654624819
+23 114 -0.005094729238573866
+23 115 -0.029393017684685233
+23 116 -0.04860449743461806
+23 117 0.02129811495274805
+23 118 -0.047142889506230023
+23 119 -0.16818491415024928
+23 120 0.028487671842327773
+23 121 -0.04139330234165668
+23 122 -0.09964692590072775
+23 123 0.023885955027783297
+23 124 -0.1018425939185967
+23 125 0.011694141896350445
+23 126 -0.0013763450842320544
+23 127 -0.03829603065538195
+23 128 0.04262332193446869
+23 129 -0.006781241294301807
+23 130 -0.09738819363549236
+23 131 -0.0014528512564434262
+23 132 0.031791271810746605
+23 133 -0.021133303181360495
+23 134 -0.08167428602843427
+23 135 -0.08458868287438727
+23 136 0.015704605628313124
+23 137 -0.04927117862247954
+23 138 -0.07805051184399955
+23 139 -0.057742202108639853
+23 140 -0.1092440647734057
+23 141 -0.02324550542138937
+23 142 -0.060904354579144844
+23 143 -0.09648025826115941
+23 144 0.08731450499735985
+23 145 -0.08514975364287712
+23 146 -0.03132135049006482
+23 147 -0.013613254926920549
+23 148 -0.012627994535131453
+23 149 -0.13576865425918566
+23 150 -0.1485018700733132
+23 151 -0.04849349426263205
+23 152 -0.10006423141957183
+23 153 -0.023263560612816078
+23 154 -0.034761407195713794
+23 155 -0.058227835890621533
+23 156 0.019280541310285716
+23 157 0.0026514544823911437
+23 158 -0.06082954855212679
+23 159 -0.1263520631754237
+23 160 -0.018763146531796275
+23 161 -0.07982521384452777
+23 162 -0.042442635118028704
+23 163 -0.08501784336123225
+23 164 -0.027084524064304134
+23 165 -0.014705679981260277
+23 166 -0.09711006555313004
+23 167 -0.06724439708112628
+23 168 0.0603680459617898
+23 169 -0.04674242214237477
+23 170 -0.03636493360015738
+23 171 0.023710777423774435
+23 172 0.045755224207908785
+23 173 0.049039071595282466
+23 174 0.057746222469422924
+23 175 -0.05674426060206818
+23 176 0.03424481536073954
+23 177 -0.05914003312981613
+23 178 -0.017029174870335517
+23 179 -0.04157490592891534
+23 180 -0.05801039978467292
+23 181 0.001040488962562299
+23 182 0.014297719528969128
+23 183 -0.08439801697433184
+23 184 0.03185869370365822
+23 185 0.025926523257345346
+23 186 -0.028948731333977493
+23 187 0.05909850413714851
+23 188 -0.06437018702312505
+23 189 -0.02969218422905488
+23 190 -0.062011761328636845
+23 191 -0.0165744215546889
+23 192 -0.04487237513351876
+23 193 -0.007290610086247858
+23 194 0.1424240832595719
+23 195 -0.11248344471861052
+23 196 -0.06160228984942443
+23 197 -0.07535224606200873
+23 198 -0.06844001495484348
+23 199 -0.03441294897384238
+23 200 -0.10869818867980653
+23 201 -0.08327421255795672
+23 202 -0.096263656023602
+23 203 -0.061554203623235194
+23 204 -0.021948731735415332
+23 205 -0.011842130754082802
+23 206 -0.23269523034284914
+23 207 -0.08254098390699922
+23 208 -0.041297825883774605
+23 209 0.018768631083399333
+23 210 -0.11458133790848027
+23 211 -0.2222811271501418
+23 212 -0.033480704242188034
+23 213 -0.10965395570968829
+23 214 0.05673749303305074
+23 215 -0.023698400357182268
+23 216 -0.04902484046627981
+23 217 -0.03631667791136236
+23 218 0.004494736179945864
+23 219 -0.06886201203319066
+23 220 -0.027009258330030938
+23 221 -0.09062142667554447
+23 222 -0.053520144403656884
+23 223 0.029604296013561227
+23 224 0.016202748409724216
+23 225 -0.027193375458078498
+23 226 -0.09469666967186366
+23 227 -0.07445989836475247
+23 228 -0.06372473756271438
+23 229 -0.010205067142327101
+23 230 -0.08617521363410466
+23 231 0.010127283418855096
+23 232 -0.04818345332679576
+23 233 -0.07401310767251013
+23 234 -0.01989786334419816
+23 235 0.00971828599179489
+23 236 0.023452927932058373
+23 237 0.03591594444171617
+23 238 -0.14975456961581426
+23 239 0.05496824514670286
+23 240 -0.04125690351942932
+23 241 -0.025624261937110943
+23 242 -0.02304207012693233
+23 243 -0.0271982940530737
+23 244 -0.10800705362028322
+23 245 -0.0353885702895156
+23 246 -0.05865940127986601
+23 247 -0.05075895099124582
+23 248 -0.05730462890961565
+23 249 0.11261233499853456
+23 250 -0.026161160645638976
+23 251 -0.04334341401368042
+23 252 -0.06748686535613478
+23 253 0.030946931942446673
+23 254 -0.01002448851184833
+23 255 -0.046741491089340045
+23 256 -0.04439653675775304
+23 257 -0.03705980006081439
+23 258 -0.05965700751718247
+23 259 -0.02364488566546235
+23 260 0.017857161462863546
+23 261 0.00905484010755653
+23 262 0.007647383037415934
+23 263 -0.06116902258737196
+23 264 -0.10100565993093709
+23 265 0.014984434221454863
+23 266 -0.015921637106665998
+23 267 -0.029286075074408894
+23 268 0.06884640297935649
+23 269 0.07837467727683345
+23 270 -5.023774134371707E-4
+23 271 -0.07116990767576889
+23 272 0.008355814036743065
+23 273 0.08051366172981218
+23 274 0.012723453641018338
+23 275 -0.03703158884726642
+23 276 -0.0023216731361826027
+23 277 -0.03360033478209069
+23 278 -0.00922056641666497
+23 279 0.026330533386657546
+23 280 -0.049757848947872496
+23 281 -0.06757666489552001
+23 282 -0.0037384518375576776
+23 283 -0.10089416944025585
+23 284 0.001906067051924327
+23 285 -0.08413753037921647
+23 286 0.04166409866149415
+23 287 0.029422147101565894
+23 288 0.004175413104296085
+23 289 -0.04452377488887736
+23 290 -0.07006900808352838
+23 291 -0.05107862364010369
+23 292 -0.12612578746798467
+23 293 0.06746428300767128
+23 294 -0.0878156902476644
+23 295 -0.008491675675081063
+23 296 -0.03820374019687889
+23 297 -0.08550528276833014
+23 298 -0.12564620027716705
+23 299 -0.037638394605324754
+23 300 -0.048460109648384285
+24 1 -0.02550066712069916
+24 2 -0.05761907633890188
+24 3 -0.021300654338674983
+24 4 0.034161658106645815
+24 5 -0.08542455111617389
+24 6 -0.10911262513299284
+24 7 -0.010610101718814945
+24 8 -0.019298663618576756
+24 9 0.021152393490128506
+24 10 0.08266930449683552
+24 11 0.05072464586933571
+24 12 0.03573304393339878
+24 13 0.006417740421851863
+24 14 -0.06869610885610619
+24 15 0.046303547850331445
+24 16 -0.04965342885931818
+24 17 -0.09862715326396909
+24 18 0.043508191117931305
+24 19 -0.0679098754344846
+24 20 0.018566571737070044
+24 21 -0.047554399168495146
+24 22 -9.448111472870478E-4
+24 23 -0.05285490618706283
+24 24 -0.043020779884655413
+24 25 -0.03299139146950328
+24 26 -0.08911205250105282
+24 27 0.05101232938034606
+24 28 -0.03054162855909929
+24 29 0.012582398729663682
+24 30 -0.029749280698462426
+24 31 -0.09251169718252694
+24 32 -0.08429674453920917
+24 33 -0.023257990066335464
+24 34 -0.04782509763802082
+24 35 -0.08250093444200834
+24 36 -6.422344322573972E-4
+24 37 -0.0595420449730553
+24 38 -0.0076352654847509464
+24 39 -0.07674524964696605
+24 40 -0.03707847313000793
+24 41 -0.0288761927696333
+24 42 0.0710546519269429
+24 43 0.1440934660345553
+24 44 0.012240516791331953
+24 45 -0.0016353655962428734
+24 46 -0.08096359100572234
+24 47 0.06388331397009289
+24 48 -0.07610160130865426
+24 49 -0.06443981627277336
+24 50 0.13439260923586355
+24 51 -0.07076519452552252
+24 52 0.061275611677299884
+24 53 0.050827099321851116
+24 54 -0.0010860595883112126
+24 55 -0.10200993783562126
+24 56 -0.1364916663206141
+24 57 0.02359178845430415
+24 58 -0.0948755595989466
+24 59 0.0635510228987731
+24 60 0.02771370730527676
+24 61 0.01044602323726931
+24 62 -0.0233738243167149
+24 63 -0.08104963879082289
+24 64 0.05326297498117795
+24 65 -0.10690760377278688
+24 66 -0.011255176908269252
+24 67 -0.15382549266934423
+24 68 -0.05782323139256065
+24 69 -0.06878494305168867
+24 70 -0.02564038275966683
+24 71 0.0759176875317182
+24 72 -0.05343303874507972
+24 73 -0.10290230065338042
+24 74 -0.13870456694979558
+24 75 -0.13063243378994238
+24 76 -0.08040873678076697
+24 77 -0.03574810121880822
+24 78 0.09676020749586715
+24 79 -0.10177701147799312
+24 80 0.025365288232937145
+24 81 -0.07907964973673731
+24 82 0.1132580648951935
+24 83 0.012584655264511302
+24 84 -0.07843778621981463
+24 85 -0.08936690857854503
+24 86 -0.03559670331435284
+24 87 -0.02967718593516523
+24 88 -0.02222214147662139
+24 89 -0.11522642705150896
+24 90 -0.05086071453315746
+24 91 0.07100660320536802
+24 92 -0.026693184874215466
+24 93 -0.027774163848565774
+24 94 0.021489562198417942
+24 95 -0.05841708058851815
+24 96 -0.028860244412345516
+24 97 0.09173630688091036
+24 98 -0.05762128030929016
+24 99 -0.1437087127061672
+24 100 0.012635748829387606
+24 101 -0.03965914257035783
+24 102 -0.030694875930942302
+24 103 -0.019400063656310695
+24 104 -0.013364807928834016
+24 105 -0.020809141918181093
+24 106 0.008000145133183367
+24 107 0.016357494676152683
+24 108 -0.05591398068565445
+24 109 -0.053641782887287465
+24 110 -0.004994554159850679
+24 111 0.02262464212738602
+24 112 0.08907673116431959
+24 113 -0.06288904739000784
+24 114 -0.08899082025748617
+24 115 -0.02126259132176294
+24 116 0.01827975783958528
+24 117 -0.08658190470183666
+24 118 -0.05236816772606358
+24 119 -0.0881559811811578
+24 120 -0.05160417643739569
+24 121 -0.05088063480472797
+24 122 -0.037971395131488
+24 123 -0.13454543965810115
+24 124 0.01143674764138459
+24 125 -0.047122234664204114
+24 126 -0.0991934234204524
+24 127 -0.026413784377589702
+24 128 -0.1736673383553067
+24 129 -0.055071274785468714
+24 130 -0.09861512064179428
+24 131 -0.11957453243641104
+24 132 0.07183042756698495
+24 133 -0.07834587144480333
+24 134 -0.05859897525553407
+24 135 -0.17230556818967177
+24 136 -0.0012087467946987715
+24 137 -0.04506639389748073
+24 138 -0.05078869631686685
+24 139 -0.12433088314265311
+24 140 -0.06980215593338064
+24 141 -0.07151077224185946
+24 142 0.013987030436598123
+24 143 -0.007764662336476604
+24 144 -0.0407321312653159
+24 145 0.024330728377196034
+24 146 -0.09912935271648296
+24 147 -0.0715689141510744
+24 148 0.014638051453231967
+24 149 -0.25415334783901283
+24 150 -0.025949774424013194
+24 151 -0.07875248185561332
+24 152 -0.13732618452631468
+24 153 -0.07386486792795552
+24 154 0.0658718322712572
+24 155 -0.161860199973514
+24 156 -0.02073716816901448
+24 157 -0.12908757376910107
+24 158 -0.04952242617483157
+24 159 -0.04709062531818159
+24 160 0.05524283001698023
+24 161 -0.09124002995774756
+24 162 -0.08794862044988268
+24 163 -0.01044815616574853
+24 164 -0.09831866300596105
+24 165 -0.028694483083631806
+24 166 -0.02529839424761883
+24 167 0.010427473695657543
+24 168 0.007025128218162316
+24 169 -0.11381381602130275
+24 170 0.027400573548731242
+24 171 0.008347358776450431
+24 172 0.10492647836395515
+24 173 -0.045019738425355574
+24 174 -0.05609346455163947
+24 175 -0.04879342575730578
+24 176 -0.03894469951215902
+24 177 -0.041936979747010064
+24 178 0.05889199225093644
+24 179 0.04949695219187585
+24 180 -0.011531218988843699
+24 181 -0.001698049808853987
+24 182 0.07072103943655694
+24 183 -0.10113155134231305
+24 184 0.01499659637366223
+24 185 0.013921916560856236
+24 186 -0.04669138837080782
+24 187 0.01991800107829673
+24 188 -0.07928037845053841
+24 189 -0.013682450336457614
+24 190 -0.024793110446666537
+24 191 -0.007540138189829132
+24 192 0.050953142213842034
+24 193 -0.06311960115762973
+24 194 0.11897390917150011
+24 195 -0.03054665820111178
+24 196 0.010206504198183955
+24 197 -0.05908746354222626
+24 198 -0.07483676573184787
+24 199 -0.024286375646480514
+24 200 -0.07593566825843757
+24 201 -0.08251455254500145
+24 202 -0.09374178186820648
+24 203 -0.1341967169899441
+24 204 -0.02214522446121323
+24 205 -0.056230605284162204
+24 206 -0.12616491217107056
+24 207 -0.037827493337360095
+24 208 0.058725915687307284
+24 209 -0.11401309655952241
+24 210 0.02521938659718541
+24 211 -0.1437659545817048
+24 212 -0.04186630857558082
+24 213 -0.024426793332179512
+24 214 -0.018900483930112524
+24 215 -0.14803144169437762
+24 216 -0.05320136391085285
+24 217 -0.0723971895467039
+24 218 -0.07800303360069873
+24 219 -0.15685633857969375
+24 220 -0.021316235441896616
+24 221 -0.03816431627722905
+24 222 -0.04362482353054691
+24 223 -0.007568146589772817
+24 224 -0.08791728610756448
+24 225 -0.01770056254544867
+24 226 0.03214235363456932
+24 227 -0.07061976598546926
+24 228 -0.09086162868195495
+24 229 -0.1746289653358415
+24 230 0.0033309286959029385
+24 231 -0.08800182615345678
+24 232 -0.062041245395228595
+24 233 -0.051692979192228684
+24 234 -0.059459223294809176
+24 235 -0.06245536778248726
+24 236 0.011249503635166965
+24 237 -0.15771520654855545
+24 238 -0.08436833734979542
+24 239 0.05685543402868522
+24 240 -0.021593208313788404
+24 241 -0.017255969034917506
+24 242 0.025056744151462258
+24 243 -0.06344607683949495
+24 244 -0.0364017453228444
+24 245 -0.06885882195523668
+24 246 -0.008924053915555973
+24 247 -0.08566440633081679
+24 248 -0.048435430987441006
+24 249 0.09438479090926609
+24 250 -0.01678670178309886
+24 251 -0.029251074629264632
+24 252 -0.044545801606029105
+24 253 0.01911746113148623
+24 254 -0.027988862288835837
+24 255 -0.01715741734502578
+24 256 -0.1071036222855999
+24 257 -0.09987383479127614
+24 258 0.03332158189016617
+24 259 -0.09331245611618619
+24 260 0.00907415257809519
+24 261 -0.03956317547805574
+24 262 -0.06934718608552701
+24 263 0.09160317804077363
+24 264 0.00765840321804388
+24 265 0.09422519362565428
+24 266 0.009900343029604209
+24 267 -0.11714435343054902
+24 268 0.05002077430479036
+24 269 -0.0976996256730485
+24 270 -0.016137235063613354
+24 271 -0.08162193919484463
+24 272 -0.05837895030742472
+24 273 -0.08579131039106466
+24 274 -0.0737260701935612
+24 275 -0.0681440238029235
+24 276 -0.09525413088216662
+24 277 0.011083769666350362
+24 278 -0.01773500244625104
+24 279 -0.10866168598317875
+24 280 -0.011857905418691469
+24 281 -0.08625977078242854
+24 282 2.7411936385507885E-4
+24 283 -0.054773400626317796
+24 284 0.019661209370912626
+24 285 -0.1702646042890762
+24 286 0.03977991785386492
+24 287 -0.04546508231792721
+24 288 -0.19284115900205764
+24 289 -0.03403607503068562
+24 290 -0.021775284607053125
+24 291 -0.05261985511729614
+24 292 -0.027289299779901275
+24 293 0.20377044352847923
+24 294 -0.06878097361318135
+24 295 -0.17225770742879676
+24 296 0.011765284969324887
+24 297 -0.007065736213350314
+24 298 -0.07290730396448686
+24 299 -0.10386191770349423
+24 300 -0.11700287544163994
+25 1 0.15905931378008872
+25 2 0.0034737373926240203
+25 3 -0.045535225824034055
+25 4 -0.09727491492592386
+25 5 -0.017974508724767448
+25 6 0.07737140682717833
+25 7 0.03145361838944247
+25 8 -0.02531815279349851
+25 9 0.01832762365031495
+25 10 0.026647112856106978
+25 11 0.006235728568083656
+25 12 -0.037098401021187555
+25 13 -0.04424421746084482
+25 14 0.051743050516641534
+25 15 0.048325260662464765
+25 16 0.06784014981998723
+25 17 -0.11914108020116752
+25 18 0.08500760759370733
+25 19 -0.04644942133084997
+25 20 0.00921368325660823
+25 21 0.015726590278198806
+25 22 -0.09565303868854952
+25 23 -0.07294773274618742
+25 24 -0.01739368375819738
+25 25 0.12390483884882902
+25 26 -0.030407662673667086
+25 27 -0.07056203372726405
+25 28 -0.0716985037805783
+25 29 -0.07121474168434394
+25 30 -0.054019616822156516
+25 31 -0.06718451002734407
+25 32 -0.07787786902822003
+25 33 -0.06130508948640653
+25 34 -0.136186654916876
+25 35 0.045435761533677455
+25 36 0.04165740176900414
+25 37 0.00909284411412211
+25 38 0.05001114195494123
+25 39 0.08827172058782261
+25 40 -0.0634592103351616
+25 41 -0.028574066035374338
+25 42 0.013564107163277585
+25 43 -0.04150279140381917
+25 44 0.1361912831788626
+25 45 -0.041183125211667546
+25 46 0.06404661008287625
+25 47 -0.20950581397650844
+25 48 -0.0628384331462476
+25 49 -0.04940692685948317
+25 50 -0.07121892457646824
+25 51 -0.03362062756512146
+25 52 0.03654782745499743
+25 53 0.05016252925027776
+25 54 -0.028784629126617705
+25 55 -0.0012672470379477675
+25 56 0.06277838357009469
+25 57 -0.05287233033479455
+25 58 0.04981472981350978
+25 59 -0.05395410059680111
+25 60 -0.07147084565555656
+25 61 -0.06027624300152081
+25 62 -0.026431462143063772
+25 63 -0.02262826626074729
+25 64 -3.265797067628535E-4
+25 65 0.11301525687986697
+25 66 -0.03254521341612631
+25 67 0.11742380185096483
+25 68 -0.025970718310132982
+25 69 0.009721752076436762
+25 70 -0.09218109819708646
+25 71 -0.059615366636800185
+25 72 -0.058644526216619114
+25 73 0.11754570583992728
+25 74 0.11719632732109947
+25 75 0.00923790793063266
+25 76 0.06097263642498411
+25 77 0.04046648233566428
+25 78 0.0086278174393114
+25 79 0.0589437200597009
+25 80 -0.065966510930649
+25 81 -0.06526095784026269
+25 82 -0.05761088763695583
+25 83 0.012272130639026047
+25 84 -0.034953859259037545
+25 85 0.010158655740952765
+25 86 -0.08645769017273879
+25 87 0.014076388263227733
+25 88 0.045794516110384334
+25 89 0.043661922660859546
+25 90 0.01789192260928768
+25 91 0.0883840401877128
+25 92 -0.03902178084494278
+25 93 0.07015364237866548
+25 94 -0.063498324253638
+25 95 0.02684376830344952
+25 96 -0.0550691301162269
+25 97 0.05490190907616232
+25 98 0.028786042060588084
+25 99 0.12054418997133375
+25 100 0.04299859740289131
+25 101 -2.703955794275668E-4
+25 102 0.02689123196488918
+25 103 -0.055926912728879896
+25 104 -0.01800877922217607
+25 105 0.05519816835433001
+25 106 -0.06861629450722026
+25 107 -0.03337979032804166
+25 108 -0.02601523190529185
+25 109 -0.05824204524301321
+25 110 -0.01943642167683056
+25 111 0.0019269252745150566
+25 112 -0.030551858703417784
+25 113 0.03008798470180793
+25 114 -0.0021316436130124957
+25 115 -0.025851089340941793
+25 116 -0.055620914996211815
+25 117 0.06644880015586915
+25 118 -0.04145148724045778
+25 119 -0.056835266332579334
+25 120 0.07763177931293509
+25 121 -0.07519029525247371
+25 122 0.040175007119802264
+25 123 0.05172551959295102
+25 124 0.03470396829891519
+25 125 -0.028454301003498664
+25 126 -0.01224137791195797
+25 127 0.04844429339786176
+25 128 0.21589163867329533
+25 129 -0.04295385836634981
+25 130 -0.007416348514570202
+25 131 -0.05758202249776987
+25 132 0.04859197941840769
+25 133 -0.06612790510766094
+25 134 -0.03169103040763623
+25 135 0.12351492547221182
+25 136 -0.04789921773449436
+25 137 -0.052925695619174574
+25 138 0.00795684306772121
+25 139 -0.010211786343107983
+25 140 0.012690116988702177
+25 141 0.047195179821899066
+25 142 -0.03842556350960549
+25 143 -0.04375050731310585
+25 144 0.018909023378697362
+25 145 -0.02375419412220167
+25 146 0.006144489658736702
+25 147 0.04162966481762738
+25 148 -0.026807691511222812
+25 149 0.018779060933732127
+25 150 -0.14842601904911343
+25 151 0.013285903417848358
+25 152 0.024279483418791714
+25 153 -0.03354318157797062
+25 154 -0.03349957135768471
+25 155 -0.06417943097958237
+25 156 -0.06740128052096848
+25 157 0.12671669704634633
+25 158 0.0028287018099682577
+25 159 0.027604379385185045
+25 160 -0.036713500982834615
+25 161 -0.12410096279635711
+25 162 -0.07590054518467736
+25 163 -0.08811373143040446
+25 164 -0.03661617402605064
+25 165 0.051910438694145355
+25 166 0.025455334175154012
+25 167 -0.0234680263641445
+25 168 -0.015055065788083863
+25 169 -0.010359888445687583
+25 170 -0.024513483455677606
+25 171 0.08663790663528952
+25 172 -0.11382143780381025
+25 173 0.06591507592792038
+25 174 0.040182600611763215
+25 175 0.14336367190972543
+25 176 -4.940870446784649E-5
+25 177 0.05149536831640378
+25 178 -0.024565505601520914
+25 179 -0.03870851264069515
+25 180 0.07668695407308566
+25 181 0.032041995751898644
+25 182 0.002787190790728766
+25 183 -0.06826317426998739
+25 184 -0.08877914031912552
+25 185 -0.031456922181060304
+25 186 0.005162028589311998
+25 187 -0.08720449357747459
+25 188 -0.019602898289566517
+25 189 -0.06333788824917345
+25 190 -0.062048814061369466
+25 191 -0.006576734547197072
+25 192 -0.03296293050212406
+25 193 0.046282320173537034
+25 194 -0.04234506961408409
+25 195 -0.12030971188827906
+25 196 0.025317628712572718
+25 197 -0.031550692345658764
+25 198 0.0032070568039355082
+25 199 -0.02513641899708191
+25 200 -0.042528937354946804
+25 201 -0.10857762910158224
+25 202 0.013156156737715877
+25 203 0.13196986325567908
+25 204 0.12026031276433347
+25 205 0.009362398013078928
+25 206 0.05524339126141116
+25 207 -0.016845175208617284
+25 208 0.01907111039594112
+25 209 -0.036261724008737305
+25 210 -0.1270839632044094
+25 211 0.023099984136791686
+25 212 0.002986393472941446
+25 213 -0.08016174305940763
+25 214 0.07544570393932834
+25 215 0.07238718737791713
+25 216 -0.007550382660648813
+25 217 -0.001886424193740357
+25 218 0.07066637346365949
+25 219 -0.02985398279922715
+25 220 -0.02067822486977741
+25 221 0.013172111160589946
+25 222 -0.09275857296221768
+25 223 0.020613493836435074
+25 224 -0.1077345267202097
+25 225 0.06230937382072772
+25 226 0.003555582220709709
+25 227 -0.035752245276193126
+25 228 0.06675600468699389
+25 229 0.07362679332913515
+25 230 0.047494910478959165
+25 231 0.11569708693465444
+25 232 0.06411911503966064
+25 233 -2.2358009158451414E-4
+25 234 -0.006690903061324041
+25 235 0.11951085344265736
+25 236 -0.017118351599171085
+25 237 0.09919616172360908
+25 238 0.04540729095896753
+25 239 0.003190640476862017
+25 240 0.06632063732312542
+25 241 0.06022210375064761
+25 242 -0.017936164227296006
+25 243 -0.10230471681523416
+25 244 -0.03189846495469799
+25 245 0.021586232252271964
+25 246 0.021356462054791945
+25 247 -0.09500962463342395
+25 248 -0.016045035633263538
+25 249 -3.74505509074824E-4
+25 250 0.005002584502198555
+25 251 0.01227331074883861
+25 252 0.01553598276170141
+25 253 0.009940299511690204
+25 254 -0.09584813458679263
+25 255 -0.11859939529612551
+25 256 0.01396210320709304
+25 257 -0.10258373678886187
+25 258 -0.0012014370576400011
+25 259 -0.017899416294443655
+25 260 -0.026319145327263906
+25 261 0.06649518144456945
+25 262 0.0812020117701534
+25 263 -0.24807965640772672
+25 264 0.016763175385014817
+25 265 -0.0927492164032392
+25 266 -0.03396133551360345
+25 267 0.07314862590179007
+25 268 -0.0766708697567945
+25 269 -0.007695274028061455
+25 270 0.05047857080363626
+25 271 -0.04395904128309409
+25 272 -0.012376681150221489
+25 273 -0.0882586147254135
+25 274 -0.02342234628489459
+25 275 -0.004422003057275887
+25 276 0.019785040997616993
+25 277 -0.05020249190691779
+25 278 -0.04734182145194155
+25 279 0.10680716410340614
+25 280 -0.015960844751014662
+25 281 -0.009096519432075997
+25 282 0.03886497752056757
+25 283 -0.024528945864167193
+25 284 -0.06011099432143641
+25 285 0.005500471624475036
+25 286 -0.001392515112600135
+25 287 0.01307892567862332
+25 288 0.16942376014207847
+25 289 -0.028688442800790113
+25 290 -0.0156864296339833
+25 291 -0.01904662088081761
+25 292 -0.0018787769392311542
+25 293 0.013868473114188349
+25 294 0.027013899178246314
+25 295 -0.031680597718090946
+25 296 0.04749448548318279
+25 297 -0.001566717274230573
+25 298 0.06551171898521538
+25 299 0.04892929974442785
+25 300 0.05058536976319127
+26 1 -0.035990182983160056
+26 2 0.004041275428942073
+26 3 -0.056048502397996365
+26 4 -0.006929230844558538
+26 5 -0.013990533465647503
+26 6 -0.10560811838750415
+26 7 -0.02734689883424889
+26 8 -0.07676703083190749
+26 9 -0.047207924648577405
+26 10 0.005978966463998588
+26 11 0.01223283098529093
+26 12 -6.911483554076949E-4
+26 13 -8.803660874254158E-4
+26 14 -0.037127286206355345
+26 15 -0.010589033538828342
+26 16 -0.04608878891826379
+26 17 -0.10596266065473417
+26 18 -0.0024776691243765954
+26 19 -0.09941328296570108
+26 20 -0.030400285862442963
+26 21 -0.015434224033979763
+26 22 -0.059849875379731084
+26 23 0.013556500220488136
+26 24 0.008978521653600743
+26 25 -0.09729421778758943
+26 26 -0.10322989966591206
+26 27 0.07526633989871694
+26 28 -0.061965834861653905
+26 29 -0.054971624079222056
+26 30 -0.04813756699811369
+26 31 -0.0891487672762384
+26 32 -0.05557605332763033
+26 33 -0.06983609548095868
+26 34 -0.07357460669394267
+26 35 -0.0867966925845377
+26 36 -0.12566633585968354
+26 37 -0.004445454000036034
+26 38 -0.08624297457679331
+26 39 -0.09675024371965961
+26 40 -0.06394184160635051
+26 41 -0.03771280201246332
+26 42 0.009013458239044623
+26 43 0.0025514782724671346
+26 44 -0.05254732148788541
+26 45 -0.04164029743577855
+26 46 -0.06177928269098531
+26 47 0.03335004838619418
+26 48 -0.15456739821880605
+26 49 -0.00926652276356676
+26 50 0.1375182921627402
+26 51 -0.041077318867136295
+26 52 0.09498352271308882
+26 53 -0.05196165498683526
+26 54 0.020197549265601383
+26 55 -0.08975164419994082
+26 56 0.0504280787167856
+26 57 0.025071684485433225
+26 58 -0.10910606567668003
+26 59 0.10144591441446554
+26 60 -0.02907925012533135
+26 61 -0.08548755798053137
+26 62 -0.10920621049124074
+26 63 0.0427031644682785
+26 64 0.05441030545545492
+26 65 -0.12126991111023214
+26 66 -0.054257354348885956
+26 67 -0.058537987253822414
+26 68 -0.05380546388117051
+26 69 -0.04033039084482872
+26 70 -0.011731899368602836
+26 71 -0.00469586540294599
+26 72 -0.012596702251858367
+26 73 -0.107927513686779
+26 74 -0.1280587772008947
+26 75 -0.049567413563987354
+26 76 0.005872905318292604
+26 77 0.02931132229066225
+26 78 0.12250061216839833
+26 79 -0.002932808848165477
+26 80 -0.09338826136349919
+26 81 -0.08636544530875682
+26 82 0.09969328878789745
+26 83 -0.008240917400927228
+26 84 -0.09690039673499043
+26 85 -0.06995661987166463
+26 86 -0.010577580300111224
+26 87 -0.026189563354563412
+26 88 -0.07880448785348244
+26 89 0.026417221574352806
+26 90 -0.019928281395515862
+26 91 -0.10084736536421701
+26 92 -0.039744959296808685
+26 93 -0.14783603835978823
+26 94 -0.06071119826442911
+26 95 -0.0469721147564976
+26 96 -0.07613461060824209
+26 97 -0.0034329150379386678
+26 98 0.06599840240268719
+26 99 -0.17245695001209804
+26 100 -0.06807328230241287
+26 101 -0.11030515176309602
+26 102 -0.09519940181130956
+26 103 -0.010620583550239262
+26 104 -0.011608890436037796
+26 105 -0.02624929910383653
+26 106 0.028932463221650273
+26 107 -0.07268679516797542
+26 108 0.062170939601489526
+26 109 -0.0010282491200014857
+26 110 0.012150672272795551
+26 111 0.04376921341780205
+26 112 0.06047542712594452
+26 113 -0.06559411670366753
+26 114 1.188576032881993E-4
+26 115 -0.013351391169065958
+26 116 3.3684961227498886E-4
+26 117 0.06474699899206537
+26 118 -0.022641580510793607
+26 119 -0.1291048247540105
+26 120 -0.007609017477765307
+26 121 -0.035793897826538246
+26 122 -0.06844061658486933
+26 123 -0.043332753691187866
+26 124 -0.12311672230416648
+26 125 0.0033013038802316283
+26 126 -0.027383331072214183
+26 127 -0.07447017305506089
+26 128 -0.20735119569372729
+26 129 -0.10375532042316644
+26 130 -0.07434091862322857
+26 131 -0.07678316316263661
+26 132 -0.035505009175686164
+26 133 -0.005233689504020324
+26 134 -0.14664525975518986
+26 135 -0.04733827301998892
+26 136 0.01962358844080662
+26 137 -0.07512634579044286
+26 138 -0.09233863673941911
+26 139 -0.025323568395361342
+26 140 -0.07033347370063146
+26 141 -0.02022290779182003
+26 142 0.014676682279017791
+26 143 -0.07056413145687092
+26 144 -0.03553140167810831
+26 145 0.07771008941885563
+26 146 -0.11566881700571412
+26 147 -0.126763927556656
+26 148 0.05493739289108698
+26 149 -0.10871135362123459
+26 150 -0.01007989529465983
+26 151 -0.11416569590814743
+26 152 0.022057711983503977
+26 153 -0.10496417917932703
+26 154 -0.013112761196126536
+26 155 -0.004901320515769119
+26 156 -0.027622476483066833
+26 157 0.03577479732390802
+26 158 -0.13444726407947047
+26 159 -0.03324100095667677
+26 160 -0.12064876371396738
+26 161 0.07904916346312102
+26 162 -0.046539808783976816
+26 163 -0.004501000862922666
+26 164 -0.026542089402006863
+26 165 -0.13327830356002848
+26 166 -0.09682699585414599
+26 167 -0.08612151063989344
+26 168 -0.04622441107097195
+26 169 -0.08718418439673785
+26 170 -0.015420082007197442
+26 171 -0.06851673500919378
+26 172 0.01324198304577623
+26 173 -0.1396737897643209
+26 174 -0.08380633333343358
+26 175 0.0050707603564369
+26 176 -0.029849969186519793
+26 177 0.05260675743256175
+26 178 -0.011825925817757352
+26 179 -0.06379033398642678
+26 180 -0.061596908680951475
+26 181 0.035070609727303755
+26 182 0.02875521585094993
+26 183 -0.1112902278928079
+26 184 -0.06193740200702777
+26 185 0.06474879298982392
+26 186 -0.027379312081887746
+26 187 -0.050899425540660424
+26 188 0.0024249161506275517
+26 189 -0.02601994150740994
+26 190 -0.13007169518872483
+26 191 0.0034448693413140705
+26 192 0.02232468675272015
+26 193 -0.04746090035493744
+26 194 0.060623561082184786
+26 195 -0.041126885884558456
+26 196 -0.036749903768370513
+26 197 -0.04159860039271455
+26 198 -0.09916478462057383
+26 199 -0.036705335047611615
+26 200 -0.11148088113603224
+26 201 0.02831844285007262
+26 202 -0.05732952014547484
+26 203 -0.12279550931443393
+26 204 -0.04384989702729462
+26 205 -0.04338742886981669
+26 206 -0.1165393175244858
+26 207 -0.10042478612381008
+26 208 -0.06038076450224157
+26 209 -0.14372578785752937
+26 210 -0.05178385098010828
+26 211 -0.18495845058676513
+26 212 -0.06520184877619313
+26 213 -0.07014728888283735
+26 214 -0.009841108721409548
+26 215 -0.11193816261056212
+26 216 -0.1020258925326615
+26 217 -0.004273355123214258
+26 218 -0.17206594803743616
+26 219 -0.14318226424947245
+26 220 0.08753930027826415
+26 221 0.026457267605803206
+26 222 -0.06597960435023223
+26 223 -0.05937900834663089
+26 224 0.020178664430634274
+26 225 -0.06476413691079505
+26 226 -0.002323115977239881
+26 227 -0.1324719596946435
+26 228 -0.03740362088972021
+26 229 -0.03403592124334518
+26 230 -0.08366611861428967
+26 231 -0.05723653059371637
+26 232 -0.043729244273668935
+26 233 -0.008320928042314045
+26 234 -0.10226619974239634
+26 235 0.034636981730586346
+26 236 -0.03238161368284989
+26 237 -0.012748056662847552
+26 238 -0.12800691093751929
+26 239 -0.010789932473422637
+26 240 -0.05777576884173006
+26 241 -0.011945433747192952
+26 242 0.013923087080192137
+26 243 -0.0946646978877293
+26 244 -0.10002553688202226
+26 245 0.03271696038256112
+26 246 -0.05065024599490986
+26 247 -0.19337670980335997
+26 248 -0.014125351597803053
+26 249 -0.05120994529297255
+26 250 -0.10158019986371505
+26 251 -0.14867973050223907
+26 252 -0.0531629369469787
+26 253 0.041879791454715196
+26 254 0.0324045642546092
+26 255 -0.09242557259909068
+26 256 -0.019695658580059273
+26 257 -0.03900710904658729
+26 258 -0.005979509735424588
+26 259 -0.15820854618654617
+26 260 -0.09403072265236653
+26 261 0.004035731607062533
+26 262 -0.03797524354844275
+26 263 0.022922228197759933
+26 264 0.0693861035264074
+26 265 0.00516033165564609
+26 266 -0.0031932075067114306
+26 267 -0.13722184499872173
+26 268 -0.008011654138113888
+26 269 -0.03533847731631364
+26 270 -0.04846501792943498
+26 271 0.026630288000329818
+26 272 -0.06906420119335457
+26 273 0.02649452265596856
+26 274 -0.055718952179884505
+26 275 -0.04203401801178971
+26 276 -0.060902793588389056
+26 277 -0.03462628804216823
+26 278 0.08005843806434897
+26 279 -0.05495874046536918
+26 280 0.015316318013634322
+26 281 -0.06424982421084784
+26 282 -0.031046721624358013
+26 283 -0.056975635271992585
+26 284 0.014703620132532274
+26 285 -0.1475818102007152
+26 286 0.0033699754569085105
+26 287 -0.0431570480682776
+26 288 -0.17208294441882663
+26 289 -0.0366737658051204
+26 290 -0.036101138384203695
+26 291 -0.03256841885585717
+26 292 -0.10122196900773268
+26 293 0.10227679990216107
+26 294 -0.014681033231373162
+26 295 -0.13875188282168896
+26 296 -0.03991176708312248
+26 297 0.06161513401730566
+26 298 -0.08673349060872707
+26 299 -0.04680273370235013
+26 300 -0.0798897289958071
+27 1 0.009772937722674947
+27 2 -0.02402951781174981
+27 3 -0.1277227706967569
+27 4 0.0404809373005623
+27 5 -0.0014771800652920895
+27 6 0.015275977646052522
+27 7 -0.05342138971747844
+27 8 -0.08904718228623
+27 9 0.015643087100418545
+27 10 0.01518326251737445
+27 11 -0.008526505604848923
+27 12 0.01133729076252803
+27 13 -0.010814071085456818
+27 14 0.03154878730821341
+27 15 -0.08070057262718844
+27 16 0.02023806936532091
+27 17 -0.02148681483781571
+27 18 0.05062189326050125
+27 19 -0.01267058798044624
+27 20 0.021884722044193186
+27 21 0.06837436615284612
+27 22 -0.03070617124783858
+27 23 0.03562111951697594
+27 24 -0.02497349040963073
+27 25 0.03321504542995486
+27 26 -0.11458036275551171
+27 27 -0.05354934334401862
+27 28 -0.10611675302673053
+27 29 -0.06709994178171336
+27 30 -0.06898607010103111
+27 31 0.03627389266611838
+27 32 0.0037765772260440287
+27 33 -0.09538541038461854
+27 34 -0.06098147536105439
+27 35 0.015093295306920137
+27 36 -0.0021891993824845516
+27 37 -0.04043286158347668
+27 38 0.028388806648309083
+27 39 -0.06618305194185262
+27 40 0.041128196552207265
+27 41 0.0032347244623580585
+27 42 -0.09075389909237173
+27 43 -0.1342206276884429
+27 44 -0.04267344395363871
+27 45 -0.030308544089457747
+27 46 0.15878412024583163
+27 47 -0.03341384945337549
+27 48 -0.060953058542707356
+27 49 -0.026433224139815425
+27 50 -0.036953772755456055
+27 51 -0.0455606438737408
+27 52 0.03190436489032606
+27 53 0.008839174711678614
+27 54 -0.05750755416433852
+27 55 -0.05906970129439872
+27 56 -0.03666000786649189
+27 57 0.031638036942005204
+27 58 -0.011239331882190687
+27 59 -0.024238228328693934
+27 60 0.032014035000220056
+27 61 -0.028455429030178267
+27 62 0.05409883393286757
+27 63 -0.032874615146281864
+27 64 0.03092233769148303
+27 65 0.04445885703204006
+27 66 -0.0151866445381851
+27 67 0.11485535835560468
+27 68 -0.009405935803092286
+27 69 0.020472124987342168
+27 70 -0.03573316705072863
+27 71 0.04018897341440654
+27 72 0.02451894474401651
+27 73 0.07900345957832286
+27 74 0.0018884172923053079
+27 75 0.0510044019498979
+27 76 0.015443111947558742
+27 77 0.019377868014107916
+27 78 -0.10842204526965597
+27 79 0.04774032447263299
+27 80 0.05624626688097983
+27 81 -0.10799854205066499
+27 82 -0.032949518216327224
+27 83 -0.017470318977986312
+27 84 -0.026548739173663148
+27 85 -0.007307527641958533
+27 86 -0.04450169903409126
+27 87 0.024458652998497515
+27 88 -0.021009265076454474
+27 89 -0.07059381599033611
+27 90 0.028639105918843093
+27 91 0.07056780911581485
+27 92 -0.0034838119539986174
+27 93 0.006785698370333462
+27 94 0.00820641155740885
+27 95 0.017589905256493107
+27 96 0.0019627121337774675
+27 97 0.04967958499901941
+27 98 0.07979700476631887
+27 99 0.06593153990777396
+27 100 -0.0583826427178849
+27 101 -0.09727313998624904
+27 102 -0.060739924890199734
+27 103 -0.077491981235915
+27 104 0.044745757149325965
+27 105 -0.1132022011959823
+27 106 0.048050337795635965
+27 107 -0.035468255183345336
+27 108 -0.07512746284739734
+27 109 -0.11454371854050052
+27 110 0.02893218187625768
+27 111 -0.07485337827993825
+27 112 0.0195834242791761
+27 113 -0.07579897970168557
+27 114 -0.12408435093833849
+27 115 0.07344720123329132
+27 116 -0.034968493626080635
+27 117 0.03499570929584444
+27 118 -0.016952931646880373
+27 119 -0.030823891966520366
+27 120 0.0954630933510791
+27 121 -0.044290458112397214
+27 122 -0.04060272845457438
+27 123 0.027860389385520903
+27 124 -0.1036033298226963
+27 125 -0.025126584379731975
+27 126 -0.032088441106684
+27 127 0.03556251908523004
+27 128 0.07401139503991803
+27 129 0.021288120086514813
+27 130 -0.030725595009778284
+27 131 -0.06128179063980073
+27 132 0.13432797817738049
+27 133 -0.0020187673852378766
+27 134 0.02284067681047612
+27 135 0.005279618685593707
+27 136 0.07076152433657738
+27 137 0.05235084175887224
+27 138 -0.033789375366326556
+27 139 -0.05904367454368137
+27 140 -0.04639403485054102
+27 141 0.05707664992869152
+27 142 -0.05340739408369659
+27 143 0.038880369408054005
+27 144 0.0041199961996573106
+27 145 -0.07402977082616163
+27 146 0.01912579108582049
+27 147 0.05481585772135696
+27 148 -0.056972601970811776
+27 149 -0.03857893363814002
+27 150 -0.05823881829519812
+27 151 -0.04696144685520722
+27 152 -0.0651375975849902
+27 153 0.010616994253748367
+27 154 -0.0604113910555485
+27 155 -0.007258881245273879
+27 156 0.05467095015454613
+27 157 0.06960859866218462
+27 158 0.015030480065974721
+27 159 -0.09670034562263619
+27 160 -0.05330596610029167
+27 161 -0.07570228340684979
+27 162 0.09817171126852565
+27 163 -0.017924042455473434
+27 164 -0.03681167803832105
+27 165 9.766020956271612E-4
+27 166 0.009213678584588006
+27 167 -0.009409088562844902
+27 168 -0.01866740061601086
+27 169 -0.07295719808074069
+27 170 0.09949883557263488
+27 171 0.0192096150721097
+27 172 -0.01400956675154085
+27 173 0.0024184330011424375
+27 174 -0.011227726471155693
+27 175 -0.06428839395772605
+27 176 -0.037705101738090004
+27 177 -0.013154540248763495
+27 178 0.02768685740765177
+27 179 0.06476223583250572
+27 180 -0.092427980467796
+27 181 -0.024613055262131662
+27 182 0.07154837961234396
+27 183 0.024454146865021984
+27 184 -0.07269674350082078
+27 185 -0.02606317722435355
+27 186 0.003414054532155001
+27 187 0.07216171557004898
+27 188 -0.0013079636076838417
+27 189 -0.04128703939323542
+27 190 -0.12074056804295259
+27 191 -0.00989234538985484
+27 192 -0.034049971271950925
+27 193 -0.01993542897796541
+27 194 0.06833231483826561
+27 195 -0.06998753342311534
+27 196 -0.06004497402486517
+27 197 0.038515793528613215
+27 198 -0.02392401565476132
+27 199 0.0478182637136312
+27 200 -0.02515847169822679
+27 201 0.04604221656282642
+27 202 -0.04621190863409205
+27 203 0.017769067907292227
+27 204 -0.08832358371295643
+27 205 0.06829416661954334
+27 206 -0.10730764587198581
+27 207 0.01685628096907079
+27 208 -0.014274558144958203
+27 209 -0.036195966921821206
+27 210 -0.09673514675879559
+27 211 -0.1851051015815981
+27 212 0.0030088103452677642
+27 213 0.029374535335588904
+27 214 0.03991133482479778
+27 215 -0.04377663908856753
+27 216 -0.03576632634761527
+27 217 -0.03917121213387397
+27 218 8.448577939316362E-4
+27 219 -0.0014916763764425854
+27 220 -0.025165528012513805
+27 221 -0.03243134947598186
+27 222 -0.01145531791196786
+27 223 0.008306730233942954
+27 224 0.03514815856798461
+27 225 -0.04928346502337647
+27 226 -0.00637918360283528
+27 227 -0.06775219073868181
+27 228 -0.008379676124024339
+27 229 0.010793098395464896
+27 230 0.08592309651564799
+27 231 0.013649390774715114
+27 232 0.029443508985694842
+27 233 -0.0035828057280743396
+27 234 -0.13370898091392586
+27 235 0.05451818898139135
+27 236 -0.08407890259671709
+27 237 0.01796394419832181
+27 238 -0.05256953033012949
+27 239 0.036360496814620925
+27 240 -0.09715415746634157
+27 241 -0.08342799477455261
+27 242 0.02971611944055163
+27 243 -0.020768192576515323
+27 244 -0.022070687993439614
+27 245 -0.022701940260392628
+27 246 -0.08564111539504513
+27 247 -0.06660643532897378
+27 248 0.03228783701180033
+27 249 0.0013279317057994405
+27 250 -0.007922310821204547
+27 251 -0.09923927105560429
+27 252 0.07780964042718237
+27 253 0.01579002320189135
+27 254 -0.023577139649783266
+27 255 0.011016535118110272
+27 256 -0.02611911728257511
+27 257 0.034606030368803865
+27 258 -0.03796292466792578
+27 259 -0.04537122403190573
+27 260 0.006212433976701893
+27 261 0.06261239449866836
+27 262 0.010158784473626411
+27 263 -0.18117435737168483
+27 264 0.05171134315571895
+27 265 -0.09856374784327132
+27 266 0.029063813620060133
+27 267 -0.009488524763209914
+27 268 -0.09585826230469768
+27 269 0.008537212559585627
+27 270 -0.07474295094674378
+27 271 0.013957550865146742
+27 272 -0.07918762217159774
+27 273 0.014558260651291855
+27 274 0.0251533008791967
+27 275 7.194750970270912E-4
+27 276 -0.03549350965915733
+27 277 -0.09441745143615803
+27 278 0.08900432084940058
+27 279 -0.02235151843577137
+27 280 -0.016384751212097204
+27 281 -0.1457438294438573
+27 282 -0.044946795876528195
+27 283 -0.12690933019393022
+27 284 -0.06059893442537785
+27 285 -0.09587724884858885
+27 286 -0.00859536236854446
+27 287 0.03484925951901767
+27 288 0.11473086639539996
+27 289 -0.0032827482218316323
+27 290 -0.023151277629213655
+27 291 -0.07420296353196343
+27 292 -0.10241728849555218
+27 293 0.07661677838107944
+27 294 -0.04274685943761821
+27 295 -0.08128252204265238
+27 296 -0.05188035321903361
+27 297 0.009154656073730607
+27 298 -0.0077058509148726275
+27 299 0.04693898482364829
+27 300 0.01758082979144571
+28 1 -0.02555220526084947
+28 2 -0.0092190093410903
+28 3 -0.04738988828210585
+28 4 -0.02315852370786979
+28 5 -0.018249355717121017
+28 6 -0.03001326087885187
+28 7 -0.08902331800378524
+28 8 -0.0999544136051099
+28 9 -0.05790788493478021
+28 10 -0.009226356302108265
+28 11 -0.01851261702614952
+28 12 -0.03252297116783348
+28 13 0.01005310341234976
+28 14 -0.005018400933777353
+28 15 -0.01941919207527449
+28 16 -0.01135752117205717
+28 17 -0.021396592060424085
+28 18 -0.04321741290178903
+28 19 0.0052665799886093476
+28 20 -0.0436923594893951
+28 21 -0.022067323853409516
+28 22 0.006241488961593389
+28 23 -0.08319526207404113
+28 24 -0.08727697645352216
+28 25 -0.004453430547946965
+28 26 -0.06045349032907173
+28 27 -0.0017977644672116494
+28 28 -0.0030399716294303076
+28 29 -0.04629024902509583
+28 30 -0.030715087413016838
+28 31 -0.11731633231496431
+28 32 -0.01795045563823984
+28 33 -0.032528784024286106
+28 34 -0.020513332267863574
+28 35 -0.034120481633093336
+28 36 -0.03249904849775301
+28 37 -0.0047277310589669335
+28 38 -0.05505712401171171
+28 39 0.012680586452486538
+28 40 -0.034562287313085346
+28 41 -0.03978338426810645
+28 42 -0.015540168344676518
+28 43 0.006546000843766528
+28 44 -0.032433205033419656
+28 45 -0.026093944715215412
+28 46 -0.004611068974303183
+28 47 -1.564806867536587E-5
+28 48 -0.06340892581763896
+28 49 -0.01582367959210751
+28 50 -0.023243251714529446
+28 51 -0.008243661128538398
+28 52 -0.10157994128188534
+28 53 -0.005771330138778066
+28 54 -0.04879637247246332
+28 55 -0.02094564035424697
+28 56 4.254614001662535E-4
+28 57 -0.006634949483130259
+28 58 -0.05865354420064515
+28 59 -0.025039595674757015
+28 60 -0.0170052585425809
+28 61 0.0017328463232029541
+28 62 -0.08021988560549928
+28 63 -0.09717653419924138
+28 64 -0.025161342687402128
+28 65 -0.004669264134105942
+28 66 -0.011701289385323417
+28 67 0.018205439038092148
+28 68 -0.060924295149240075
+28 69 -0.030392638414125126
+28 70 -0.007944495394164499
+28 71 -9.591022531674147E-4
+28 72 -0.08074842308947253
+28 73 0.0169126023460791
+28 74 -0.06424633497180451
+28 75 -0.02845189503890104
+28 76 0.009233779694133467
+28 77 -0.03460524098995576
+28 78 -0.0011483340369413233
+28 79 -0.12127001685071341
+28 80 -0.005293985124246249
+28 81 -0.021616796827486757
+28 82 -0.00102172787374129
+28 83 -0.12847336687452968
+28 84 0.005114236799929158
+28 85 -0.003918372161849833
+28 86 -0.04057055731458088
+28 87 -0.04277463470936299
+28 88 -0.008488316002330533
+28 89 -5.537425741213657E-4
+28 90 -0.021051799932931995
+28 91 -0.021083115013016747
+28 92 -0.033461779397049904
+28 93 -0.12172929881481481
+28 94 -0.043917875478068615
+28 95 -0.08609806756968351
+28 96 -0.0035638036747659093
+28 97 0.009365066282509509
+28 98 -0.0023442524491099283
+28 99 0.0052359636883379124
+28 100 -0.10085791817660009
+28 101 -0.0038406738091678887
+28 102 0.003647015509970518
+28 103 0.0014993202799281882
+28 104 -0.01625694537638969
+28 105 -0.016393545967563247
+28 106 -0.04820389198073
+28 107 -0.10995112036315204
+28 108 0.006993307548881165
+28 109 -0.014803062176767648
+28 110 -0.06445513362891392
+28 111 -0.007317254636373931
+28 112 -0.04838707759891875
+28 113 -0.04722444021390421
+28 114 0.008868142834615155
+28 115 -0.10187976577130507
+28 116 -0.034012866257691954
+28 117 -0.0023994829205967044
+28 118 -0.0437505034602428
+28 119 -0.031690349320246315
+28 120 -0.004009851736629989
+28 121 -0.13693738282360335
+28 122 -0.08648824626027544
+28 123 -0.03143435740929141
+28 124 -0.0541677653734192
+28 125 -0.0597583546469799
+28 126 0.010014047682552107
+28 127 -0.09984565952053381
+28 128 0.0030474271697297686
+28 129 -0.009968839279122947
+28 130 0.0014478755633305107
+28 131 0.0056492087319772455
+28 132 -0.006260355771502871
+28 133 -0.0025074241871737134
+28 134 -0.03577069678858243
+28 135 0.012082061902705561
+28 136 -0.007938942146426096
+28 137 -0.010463814590263657
+28 138 -0.03306200294889144
+28 139 -0.006611348865686587
+28 140 -0.05814279657569508
+28 141 -0.017342752480362066
+28 142 -0.0014320548042501449
+28 143 -0.01782357483858226
+28 144 -0.07627702821083258
+28 145 -0.021144414539198533
+28 146 -0.012297379241817107
+28 147 -0.1050240227631004
+28 148 0.014252536761579383
+28 149 0.012092045636195977
+28 150 0.014642920778786874
+28 151 -0.008570763092673659
+28 152 0.01646521933686629
+28 153 -0.008245682660792664
+28 154 -0.09242073155890343
+28 155 0.00572531572032905
+28 156 -0.09300257846892532
+28 157 0.0070949666339783935
+28 158 -0.17518270950961795
+28 159 -0.0036699568091786206
+28 160 -0.002898854001940302
+28 161 -0.0143837808797297
+28 162 -5.058175202821388E-4
+28 163 -0.005773732891243461
+28 164 -0.10065681702616781
+28 165 -0.0917838300684992
+28 166 -0.025502413747443366
+28 167 -0.08500260853145174
+28 168 -0.010637471079499913
+28 169 -0.04024331750777909
+28 170 -0.136548874822688
+28 171 -0.015586794212263942
+28 172 0.009668108361170592
+28 173 -0.003218765387404408
+28 174 -0.07645769188191269
+28 175 -0.00853947612936121
+28 176 -0.04229956874577207
+28 177 8.898521086694719E-4
+28 178 -0.037830388641211
+28 179 -0.0665500180139649
+28 180 -0.037525153377469124
+28 181 -0.0342091296574563
+28 182 -0.002890102318121175
+28 183 -0.0012304561640260777
+28 184 -0.07002261482346675
+28 185 -0.0674352800991069
+28 186 -7.104986829585164E-4
+28 187 -0.03794364561319105
+28 188 -0.022483858882934398
+28 189 -0.01679157487647546
+28 190 -0.009915807788720064
+28 191 -0.09401349678109035
+28 192 -0.07811915540419792
+28 193 -0.0035307754724253734
+28 194 -0.011067474547309674
+28 195 0.017323060246218703
+28 196 -0.04613995755805219
+28 197 -0.023746503187908042
+28 198 -0.1597261676185933
+28 199 -0.04927012470591605
+28 200 -0.03943931961378844
+28 201 -0.04040280809421698
+28 202 -0.03223512597130738
+28 203 0.005708275800943658
+28 204 0.009727726529271827
+28 205 -0.07118325603800546
+28 206 -0.04433552501363384
+28 207 -0.02168807657486448
+28 208 -0.10166668986642319
+28 209 -0.026730395953255555
+28 210 0.009442041036187013
+28 211 -0.009193921613698211
+28 212 -0.12273177140060307
+28 213 -0.010557961780444236
+28 214 -0.006294478740682469
+28 215 0.0010844527739095008
+28 216 -0.03773903560223503
+28 217 -0.10330372372049228
+28 218 -0.012569363082203678
+28 219 -0.07604941961929577
+28 220 -0.024844052394670246
+28 221 -0.0033906167172016097
+28 222 1.9186160895544435E-4
+28 223 -0.026378919928579006
+28 224 -0.004877718596830365
+28 225 -0.026382025700866674
+28 226 -0.031388670349314404
+28 227 -0.0143382430283923
+28 228 -0.12335208216428789
+28 229 0.009646094604564899
+28 230 -0.00345367532549459
+28 231 0.014234859746029263
+28 232 0.0014451215270635787
+28 233 -0.001024379162448101
+28 234 -0.024011632607761967
+28 235 -0.03256467402710385
+28 236 8.341780785763223E-4
+28 237 -0.0021467546807010743
+28 238 -0.08453016769213222
+28 239 -0.04763226488490126
+28 240 -0.0170165487196614
+28 241 -0.0875593460856006
+28 242 7.368460796963853E-4
+28 243 -0.0029619034942783406
+28 244 -0.08495446025340518
+28 245 -0.06057746530736385
+28 246 -0.012607379919255302
+28 247 -0.04816372530715861
+28 248 -0.03503888756131113
+28 249 -0.02074754618298772
+28 250 0.004754181402313755
+28 251 -0.032672916564278204
+28 252 -0.06699091739467138
+28 253 4.247352265882929E-4
+28 254 -0.06498806446940414
+28 255 -0.049121089991316265
+28 256 -0.06676078031964552
+28 257 -0.0098943271943348
+28 258 -0.01267180893904944
+28 259 -6.398048036285102E-4
+28 260 -0.04761869635509125
+28 261 -0.0025679832628204592
+28 262 -0.054375817740006153
+28 263 0.0033754473618736736
+28 264 -0.07018923096945401
+28 265 0.008267174358224256
+28 266 -0.08585763209304886
+28 267 -0.006423232203165166
+28 268 -0.0032672281270456857
+28 269 -0.012411535109850423
+28 270 -0.022301420515550494
+28 271 -0.03003788549363475
+28 272 -0.07005235556308492
+28 273 -0.08598524344593195
+28 274 -0.11160513241643917
+28 275 0.024455024197153147
+28 276 -0.07190517630611483
+28 277 -0.07322973485532965
+28 278 -0.017776343380913447
+28 279 -0.0012626687415665968
+28 280 0.005129698890968325
+28 281 -0.03399477180644139
+28 282 -0.026072209845118283
+28 283 -0.008840254178464466
+28 284 -0.009787095092146425
+28 285 -0.05642137072542004
+28 286 -0.030074450086378584
+28 287 -0.0021077159516029163
+28 288 0.011241628499871219
+28 289 -0.0416613907392907
+28 290 -0.017348437724276206
+28 291 -0.03182369392140764
+28 292 -0.01513207561940865
+28 293 -0.006874994711874623
+28 294 0.005897176844007075
+28 295 -0.03705126471260965
+28 296 -0.05304181879140944
+28 297 0.011028116661811919
+28 298 -0.05832119205972611
+28 299 -0.03329547298113639
+28 300 -0.05884288665807817
+29 1 0.038942844800012796
+29 2 0.05885505486563157
+29 3 0.06625103408267728
+29 4 -0.02472010655765584
+29 5 0.04327975996651589
+29 6 -0.04990093359138971
+29 7 -0.03050694465427997
+29 8 -0.056360174808255954
+29 9 0.02083368444817593
+29 10 -0.01484185052644191
+29 11 -0.006353267085214744
+29 12 -0.01690050287664216
+29 13 0.032888539225227616
+29 14 -0.005219412920696391
+29 15 0.011120586893149872
+29 16 0.009188858534168518
+29 17 0.029717824510934087
+29 18 -0.02031100106433836
+29 19 -0.08878565791896986
+29 20 -0.10828806386150275
+29 21 0.01696807930645377
+29 22 -0.0065173312722489355
+29 23 -0.017504501860888307
+29 24 0.08309288701612379
+29 25 -0.001950049370679236
+29 26 0.031505930073906764
+29 27 -0.02397038405879835
+29 28 0.02369734966324849
+29 29 0.006168216458084798
+29 30 0.02072374174435384
+29 31 -0.007324746385221314
+29 32 -0.027855356868767982
+29 33 -0.02366645621134507
+29 34 0.09328770027097182
+29 35 -0.027581796587606625
+29 36 0.017579312053448794
+29 37 0.010566498214797377
+29 38 0.04942248236399837
+29 39 -0.06152631841908381
+29 40 0.03356039341413714
+29 41 0.05494383847725998
+29 42 0.05747266109834665
+29 43 0.04114273583215694
+29 44 -0.011630440546591646
+29 45 0.03152216504326705
+29 46 0.09393304186170287
+29 47 -0.024388026641911073
+29 48 -0.052947728338965654
+29 49 -0.06516856352328525
+29 50 0.09783337268924838
+29 51 0.001462166078955234
+29 52 -0.028211706645219603
+29 53 0.0017622451692656045
+29 54 0.019831769682880158
+29 55 -0.020442747434930218
+29 56 -0.013016221534695204
+29 57 0.046571987454984046
+29 58 -0.09960618672355182
+29 59 -0.07307305310159458
+29 60 -0.004208857512449907
+29 61 0.023284197442925685
+29 62 -0.04118721903166839
+29 63 -0.04067698657872753
+29 64 0.07174702391906292
+29 65 0.009470540194494554
+29 66 -0.013143158270748015
+29 67 -0.042796008459969635
+29 68 -0.017111044933488292
+29 69 -0.007589388137089026
+29 70 0.022811433184871294
+29 71 0.029427122161179247
+29 72 1.1921996540304292E-5
+29 73 -0.04226452060381607
+29 74 0.04611654269091546
+29 75 0.007218337139121799
+29 76 -0.031028972431546925
+29 77 -0.02243330504737246
+29 78 -0.0386397554518528
+29 79 -0.00819458845267906
+29 80 -0.05399289696851949
+29 81 -0.008747140954219811
+29 82 -0.04324138285370654
+29 83 0.009296346972143292
+29 84 -0.048858414311331026
+29 85 -0.051104588549664424
+29 86 0.08587527732473224
+29 87 -0.09974581785418561
+29 88 -0.06337214472667083
+29 89 -0.026928311924576016
+29 90 0.004909989144169757
+29 91 -0.024316590715505335
+29 92 0.013427059450170226
+29 93 0.026586785829181395
+29 94 0.035922568590310316
+29 95 0.03949588414257335
+29 96 0.003441757399272988
+29 97 0.04940132353120835
+29 98 0.041266536657508436
+29 99 -0.10470628986079422
+29 100 -0.005331266523514542
+29 101 0.03307516144315948
+29 102 0.07246913443449876
+29 103 0.03294272667474732
+29 104 0.03939613268981621
+29 105 -0.005815550630219924
+29 106 -0.03035034073092786
+29 107 0.04833137092895651
+29 108 -0.01062469273053731
+29 109 -0.02744810379655749
+29 110 0.031565748992541054
+29 111 0.054453781494769427
+29 112 0.021133280406101854
+29 113 0.03216838294237974
+29 114 0.015228034205463937
+29 115 -0.011675753624752488
+29 116 -0.06982925578934748
+29 117 0.050598144811671374
+29 118 0.008210323855325915
+29 119 0.09406728791300083
+29 120 -0.04795101454713047
+29 121 0.013811246618841233
+29 122 -0.004967001943325849
+29 123 -0.03862137623810837
+29 124 0.0715778145496758
+29 125 0.06022647669455447
+29 126 -0.03474268822609207
+29 127 0.03643999531311195
+29 128 -0.008552940656577865
+29 129 0.05208239860373467
+29 130 0.04925390361638929
+29 131 0.03379857851590599
+29 132 -0.04254761572915437
+29 133 0.02944781290545245
+29 134 -0.02743159560205288
+29 135 -0.11530295316555061
+29 136 0.08512074834170417
+29 137 -0.0033830448108483836
+29 138 -0.02805627527064171
+29 139 0.08362374404673446
+29 140 -0.026059154721131465
+29 141 0.10717064446880095
+29 142 0.041598497249861706
+29 143 0.02837522193008238
+29 144 0.03997404219655514
+29 145 0.06720019375046712
+29 146 0.0021827411911390505
+29 147 -0.0013707298481611023
+29 148 0.0036889649868389915
+29 149 -0.0457272024884375
+29 150 0.020380868996280336
+29 151 0.0028715610948595494
+29 152 -0.01776681402832461
+29 153 0.01538810884529043
+29 154 -0.09534893856738198
+29 155 -0.05202631345515426
+29 156 -0.0031367947867940015
+29 157 -0.027516400154143146
+29 158 -0.006519380579015347
+29 159 0.05354428241487774
+29 160 -0.015325946197290849
+29 161 0.0507082985085954
+29 162 -0.05947884264839888
+29 163 0.0869624921107479
+29 164 0.09134634715978895
+29 165 -0.01985619743294879
+29 166 0.007465942255650808
+29 167 0.0650717965206894
+29 168 0.005510154939223012
+29 169 -0.016083098740342784
+29 170 0.005899549209748364
+29 171 0.029010344468412556
+29 172 -0.07171943600285965
+29 173 0.0657485016281433
+29 174 -0.05849432835327197
+29 175 0.009409320810894514
+29 176 0.03307410166948539
+29 177 -0.00559274208624867
+29 178 0.02734985308956024
+29 179 0.054123880256870774
+29 180 -0.09409069913659918
+29 181 0.059313408736215704
+29 182 -0.05794141159323121
+29 183 0.011636724889029351
+29 184 0.11797573583209443
+29 185 0.06524036397172132
+29 186 0.03962889179652525
+29 187 0.018383609090195954
+29 188 0.061383334950813204
+29 189 -0.03592669283670682
+29 190 -0.01619546489880716
+29 191 0.050174422515214506
+29 192 0.08618170031088793
+29 193 0.03535359343226383
+29 194 0.036453810457913204
+29 195 0.021919140106545693
+29 196 0.06031828876702631
+29 197 0.010370448497614346
+29 198 -0.04915769134913416
+29 199 0.0287522926987587
+29 200 -0.02742208515360976
+29 201 -0.053716672274441
+29 202 -0.024846365002383873
+29 203 -0.02425089691747298
+29 204 0.029818479363998684
+29 205 -0.07864826832348924
+29 206 0.03494577773068623
+29 207 0.036514976155303296
+29 208 -0.04189765294272932
+29 209 -0.005003478132249634
+29 210 0.009956330999268381
+29 211 0.004569845422677866
+29 212 -0.023566400043784387
+29 213 0.03062171595484599
+29 214 0.028440660349269085
+29 215 -0.014096378338583881
+29 216 -0.034027235134035605
+29 217 0.01536891304300641
+29 218 -0.002574549408572904
+29 219 -1.1097152623339199E-4
+29 220 0.06751352876565554
+29 221 0.05943169994045201
+29 222 -0.015099098897342839
+29 223 -0.10123551603597827
+29 224 0.021860043614756932
+29 225 0.06675658622179463
+29 226 0.06605267716901796
+29 227 -0.13223928424375483
+29 228 0.01694358160373919
+29 229 0.011801539294954722
+29 230 -0.055371096891975294
+29 231 -0.010016898484023219
+29 232 0.06705495211475423
+29 233 -0.04159278369575408
+29 234 -0.03010641838451527
+29 235 0.10309651494857884
+29 236 -0.07752062879491152
+29 237 -0.029451021755646623
+29 238 -0.012386985566757712
+29 239 0.053204460221797284
+29 240 -0.0013773888109159657
+29 241 -0.05735876857242623
+29 242 0.031212379468402475
+29 243 -0.026510739848428173
+29 244 0.10571470416600885
+29 245 -0.004530932372835694
+29 246 -0.010894069317053794
+29 247 0.07176169113683348
+29 248 -0.029149777148579362
+29 249 0.0220203264433973
+29 250 0.058545292828622336
+29 251 0.04888170847803827
+29 252 0.03451528995129624
+29 253 0.08720898424145769
+29 254 0.0848425576759704
+29 255 0.10021773298012969
+29 256 0.029581517185418797
+29 257 -0.03983609817966208
+29 258 0.028201775959076178
+29 259 -0.031370914741003966
+29 260 0.013294656874048991
+29 261 -0.038055380333729426
+29 262 0.009625954079514285
+29 263 0.07136574761706256
+29 264 0.01719503865373257
+29 265 -0.009056674563973105
+29 266 -0.01631571082041606
+29 267 0.06646619137924184
+29 268 -0.006690884777897195
+29 269 -0.023901014338259557
+29 270 -0.015563446279343566
+29 271 -0.07051330972154889
+29 272 0.03806251130838857
+29 273 2.602271719207616E-4
+29 274 0.03666380464658901
+29 275 0.027691356939270686
+29 276 0.0372373684988675
+29 277 -0.02147787928034211
+29 278 0.05209786131077528
+29 279 -0.08362156105891999
+29 280 0.02056981637253194
+29 281 -0.06725073795076225
+29 282 -0.03531428461145886
+29 283 0.002221731835371849
+29 284 0.09319981875276127
... 1303798 lines suppressed ...