changeset 0:e0067d9baffc draft

planemo upload for repository https://github.com/bgruening/galaxytools/tools/sklearn commit 0e582cf1f3134c777cce3aa57d71b80ed95e6ba9
author bgruening
date Fri, 16 Feb 2018 09:19:24 -0500
parents
children 4e52fd5115f1
files README.rst discriminant.xml main_macros.xml test-data/RF01704.fasta test-data/accuracy_score.txt test-data/auc.txt test-data/average_precision_score.txt test-data/blobs.txt test-data/brier_score_loss.txt test-data/circles.txt test-data/class.txt test-data/classification_report.txt test-data/cluster_result01.txt test-data/cluster_result02.txt test-data/cluster_result03.txt test-data/cluster_result04.txt test-data/cluster_result05.txt test-data/cluster_result06.txt test-data/cluster_result07.txt test-data/cluster_result08.txt test-data/cluster_result09.txt test-data/cluster_result10.txt test-data/cluster_result11.txt test-data/cluster_result12 test-data/cluster_result12.txt test-data/cluster_result13.txt test-data/cluster_result14.txt test-data/cluster_result15.txt test-data/cluster_result16.txt test-data/cluster_result17.txt test-data/cluster_result18.txt test-data/cluster_result19.txt test-data/cluster_result20.txt test-data/cluster_result21.txt test-data/confusion_matrix.txt test-data/converter_result01.json test-data/converter_result02.json test-data/csc_sparse1.mtx test-data/csc_sparse2.mtx test-data/csc_stack_result01.mtx test-data/csr_sparse1.mtx test-data/csr_sparse2.mtx test-data/csr_stack_result01.mtx test-data/empty_file.txt test-data/f1_score.txt test-data/fbeta_score.txt test-data/friedman1.txt test-data/friedman2.txt test-data/friedman3.txt test-data/gaus.txt test-data/glm_model01 test-data/glm_model02 test-data/glm_model03 test-data/glm_model04 test-data/glm_model05 test-data/glm_model06 test-data/glm_model07 test-data/glm_model08 test-data/glm_result01 test-data/glm_result02 test-data/glm_result03 test-data/glm_result04 test-data/glm_result05 test-data/glm_result06 test-data/glm_result07 test-data/glm_result08 test-data/hamming_loss.txt test-data/hastie.txt test-data/hinge_loss.txt test-data/jaccard_similarity_score.txt test-data/lda_model01 test-data/lda_model02 test-data/lda_prediction_result01.tabular test-data/lda_prediction_result02.tabular test-data/log_loss.txt test-data/matthews_corrcoef.txt test-data/moons.txt test-data/nn_model01.txt test-data/nn_model02.txt test-data/nn_model03.txt test-data/nn_prediction_result01.tabular test-data/nn_prediction_result02.tabular test-data/nn_prediction_result03.tabular test-data/numeric_values.tabular test-data/precision_recall_curve.txt test-data/precision_recall_fscore_support.txt test-data/precision_score.txt test-data/prp_model01 test-data/prp_model02 test-data/prp_model03 test-data/prp_model04 test-data/prp_model05 test-data/prp_model06 test-data/prp_model07 test-data/prp_model08 test-data/prp_model09 test-data/prp_result01 test-data/prp_result02 test-data/prp_result03 test-data/prp_result04 test-data/prp_result05 test-data/prp_result06 test-data/prp_result07 test-data/prp_result08 test-data/prp_result09 test-data/pw_metric01.tabular test-data/pw_metric02.tabular test-data/pw_metric03.tabular test-data/qda_model01 test-data/qda_prediction_result01.tabular test-data/recall_score.txt test-data/regression.txt test-data/regression_test.tabular test-data/regression_train.tabular test-data/rfc_model01 test-data/rfc_result01 test-data/rfc_result02 test-data/rfr_model01 test-data/rfr_result01 test-data/roc_auc_score.txt test-data/roc_curve.txt test-data/scurve.txt test-data/sparse.mtx test-data/sparse_u.txt test-data/svc_model01.txt test-data/svc_model02.txt test-data/svc_model03.txt test-data/svc_prediction_result01.tabular test-data/svc_prediction_result02.tabular test-data/svc_prediction_result03.tabular test-data/swiss_r.txt test-data/test.tabular test-data/test2.tabular test-data/test_set.tabular test-data/train.tabular test-data/train_set.tabular test-data/vectorizer_result01.mtx test-data/vectorizer_result02.mtx test-data/vectorizer_result03.mtx test-data/vectorizer_result04.mtx test-data/y.tabular test-data/zero_one_loss.txt
diffstat 142 files changed, 56656 insertions(+), 0 deletions(-) [+]
line wrap: on
line diff
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/README.rst	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,150 @@
+***************
+Galaxy wrapper for scikit-learn library
+***************
+
+Contents
+========
+- `What is scikit-learn?`_
+	- `Scikit-learn main package groups`_
+	- `Tools offered by this wrapper`_
+
+- `Machine learning workflows`_
+	- `Supervised learning workflows`_
+	- `Unsupervised learning workflows`_
+
+
+____________________________
+
+
+.. _What is scikit-learn?
+
+What is scikit-learn?
+===========================
+
+Scikit-learn is an open-source machine learning library for the Python programming language. It offers various algorithms for performing supervised and unsupervised learning as well as data preprocessing and transformation, model selection and evaluation, and dataset utilities. It is built upon SciPy (Scientific Python) library.
+
+Scikit-learn source code can be accessed at https://github.com/scikit-learn/scikit-learn.
+Detailed installation instructions can be found at http://scikit-learn.org/stable/install.html
+
+
+.. _Scikit-learn main package groups:
+
+======
+Scikit-learn main package groups
+======
+
+Scikit-learn provides the users with several main groups of related operations.
+These are:
+
+- Classification
+    - Identifying to which category an object belongs.
+- Regression
+    - Predicting a continuous-valued attribute associated with an object.
+- Clustering
+    - Automatic grouping of similar objects into sets.
+- Preprocessing
+    - Feature extraction and normalization.
+- Model selection and evaluation
+    - Comparing, validating and choosing parameters and models.
+- Dimensionality reduction
+    - Reducing the number of random variables to consider.
+
+Each group consists of a number of well-known algorithms from the category. For example, one can find hierarchical, spectral, kmeans, and other clustering methods in sklearn.cluster package.
+
+
+.. _Tools offered by this wrapper:
+
+===================
+Available tools in the current wrapper
+===================
+
+The current release of the wrapper offers a subset of the packages from scikit-learn library. You can find:
+
+- A subset of classification metric functions
+- Linear and quadratic discriminant classifiers
+- Random forest and Ada boost classifiers and regressors
+- All the clustering methods
+- All support vector machine classifiers
+- A subset of data preprocessing estimator classes
+- Pairwise metric measurement functions
+
+In addition, several tools for performing matrix operations, generating problem-specific datasets, and encoding text and extracting features have been prepared to help the user with more advanced operations.
+
+.. _Machine learning workflows:
+
+Machine learning workflows
+===============
+
+Machine learning is about processes. No matter what machine learning algorithm we use, we can apply typical workflows and dataflows to produce more robust models and better predictions.
+Here we discuss supervised and unsupervised learning workflows.
+
+.. _Supervised learning workflows:
+
+===================
+Supervised machine learning workflows
+===================
+
+**What is supervised learning?**
+
+In this machine learning task, given sample data which are labeled, the aim is to build a model which can predict the labels for new observations.
+In practice, there are five steps which we can go through to start from raw input data and end up getting reasonable predictions for new samples:
+
+1. Preprocess the data::
+
+    * Change the collected data into the proper format and datatype.
+    * Adjust the data quality by filling the missing values, performing
+    required scaling and normalizations, etc.
+    * Extract features which are the most meaningfull for the learning task.
+    * Split the ready dataset into training and test samples.
+
+2. Choose an algorithm::
+
+    * These factors help one to choose a learning algorithm:
+        - Nature of the data (e.g. linear vs. nonlinear data)
+        - Structure of the predicted output (e.g. binary vs. multilabel classification)
+        - Memory and time usage of the training
+        - Predictive accuracy on new data
+        - Interpretability of the predictions
+
+3. Choose a validation method
+
+	Every machine learning model should be evaluated before being put into practicical use.
+	There are numerous performance metrics to evaluate machine learning models.
+	For supervised learning, usually classification or regression metrics are used.
+
+	A validation method helps to evaluate the performance metrics of a trained model in order
+	to optimize its performance or ultimately switch to a more efficient model.
+	Cross-validation is a known validation method.
+
+4. Fit a model
+
+   Given the learning algorithm, validation method, and performance metric(s)
+   repeat the following steps::
+
+    * Train the model.
+    * Evaluate based on metrics.
+    * Optimize unitl satisfied.
+
+5. Use fitted model for prediction::
+
+	This is a final evaluation in which, the optimized model is used to make predictions
+	on unseen (here test) samples. After this, the model is put into production.
+
+.. _Unsupervised learning workflows:
+
+=======================
+Unsupervised machine learning workflows
+=======================
+
+**What is unsupervised learning?**
+
+Unlike supervised learning and more liklely in real life, here the initial data is not labeled.
+The task is to extract the structure from the data and group the samples based on their similarities.
+Clustering and dimensionality reduction are two famous examples of unsupervised learning tasks.
+
+In this case, the workflow is as follows::
+
+    * Preprocess the data (without splitting to train and test).
+    * Train a model.
+    * Evaluate and tune parameters.
+    * Analyse the model and test on real data.
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/discriminant.xml	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,190 @@
+<tool id="sklearn_discriminant_classifier" name="Discriminant Analysis" version="@VERSION@">
+    <description></description>
+    <macros>
+        <import>main_macros.xml</import>
+        <!--macro name="priors"-->
+    </macros>
+    <expand macro="python_requirements"/>
+    <expand macro="macro_stdio"/>
+    <version_command>echo "@VERSION@"</version_command>
+    <command><![CDATA[
+    python "$discriminant_script" '$inputs'
+]]>
+    </command>
+    <configfiles>
+        <inputs name="inputs"/>
+        <configfile name="discriminant_script">
+<![CDATA[
+import sys
+import json
+import numpy as np
+import sklearn.discriminant_analysis
+import pandas
+import pickle
+
+input_json_path = sys.argv[1]
+params = json.load(open(input_json_path, "r"))
+
+
+#if $selected_tasks.selected_task == "load":
+
+classifier_object = pickle.load(open("$infile_model", 'r'))
+
+data = pandas.read_csv("$selected_tasks.infile_data", sep='\t', header=0, index_col=None, parse_dates=True, encoding=None, tupleize_cols=False )
+prediction = classifier_object.predict(data)
+prediction_df = pandas.DataFrame(prediction)
+res = pandas.concat([data, prediction_df], axis=1)
+res.to_csv(path_or_buf = "$outfile_predict", sep="\t", index=False)
+
+#else:
+
+data_train = pandas.read_csv("$selected_tasks.infile_train", sep='\t', header=0, index_col=None, parse_dates=True, encoding=None, tupleize_cols=False )
+
+data = data_train.ix[:,0:len(data_train.columns)-1]
+labels = np.array(data_train[data_train.columns[len(data_train.columns)-1]])
+
+options = params["selected_tasks"]["selected_algorithms"]["options"]
+selected_algorithm = params["selected_tasks"]["selected_algorithms"]["selected_algorithm"]
+
+my_class = getattr(sklearn.discriminant_analysis, selected_algorithm)
+classifier_object = my_class(**options)
+classifier_object.fit(data,labels)
+pickle.dump(classifier_object,open("$outfile_fit", 'w+'), pickle.HIGHEST_PROTOCOL)
+
+#end if
+]]>
+        </configfile>
+    </configfiles>
+    <inputs>
+        <expand macro="train_loadConditional" model="zip">
+            <param name="selected_algorithm" type="select" label="Classifier type">
+                <option value="LinearDiscriminantAnalysis" selected="true">Linear Discriminant Classifier</option>
+                <option value="QuadraticDiscriminantAnalysis">Quadratic Discriminant Classifier</option>
+            </param>
+            <when value="LinearDiscriminantAnalysis">
+                <section name="options" title="Advanced Options" expanded="False">
+                    <param argument="solver" type="select" optional="true" label="Solver" help="">
+                        <option value="svd" selected="true">Singular Value Decomposition</option>
+                        <option value="lsqr">Least Squares Solution</option>
+                        <option value="eigen">Eigenvalue Decomposition</option>
+                    </param>
+                    <!--param name="shrinkage"-->
+                    <!--expand macro="priors"/-->
+                    <param argument="n_components" type="integer" optional="true" value="" label="Number of components"
+                        help="Number of components for dimensionality reduction. ( always less than  n_classes - 1 )"/>
+                    <expand macro="tol" default_value="0.0001" help_text="Rank estimation threshold used in SVD solver."/>
+                    <param argument="store_covariance" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolflase" checked="false"
+                        label="Store covariance" help="Compute class covariance matrix."/>
+                </section>
+            </when>
+            <when value="QuadraticDiscriminantAnalysis">
+                <section name="options" title="Advanced Options" expanded="False">
+                    <!--expand macro="priors"/-->
+                    <param argument="reg_param" type="float" optional="true" value="0.0" label="Regularization coefficient" help="Covariance estimate regularizer."/>
+                    <expand macro="tol" default_value="0.00001" help_text="Rank estimation threshold used in SVD solver."/>
+                    <param argument="store_covariances" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolflase" checked="false"
+                        label="Store covariances" help="Compute class covariance matrixes."/>
+                </section>
+            </when>
+        </expand>
+    </inputs>
+    <expand macro="output"/>
+    <tests>
+        <test>
+            <param name="infile_train" value="train.tabular" ftype="tabular"/>
+            <param name="selected_task" value="train"/>
+            <param name="selected_algorithm" value="LinearDiscriminantAnalysis"/>
+            <param name="solver" value="svd" />
+            <param name="store_covariances" value="True"/>
+            <output name="outfile_fit" file="lda_model01" compare="sim_size" delta="500"/>
+        </test>
+        <test>
+            <param name="infile_train" value="train.tabular" ftype="tabular"/>
+            <param name="selected_task" value="train"/>
+            <param name="selected_algorithm" value="LinearDiscriminantAnalysis"/>
+            <param name="solver" value="lsqr"/>
+            <output name="outfile_fit" file="lda_model02" compare="sim_size" delta="500"/>
+        </test>
+        <test>
+            <param name="infile_train" value="train.tabular" ftype="tabular"/>
+            <param name="selected_task" value="train"/>
+            <param name="selected_algorithm" value="QuadraticAnalysis"/>
+            <output name="outfile_fit" file="qda_model01" compare="sim_size" delta="500"/>
+        </test>
+        <test>
+            <param name="infile_model" value="lda_model01" ftype="zip"/>
+            <param name="infile_data" value="test.tabular" ftype="tabular"/>
+            <param name="selected_task" value="load"/>
+            <output name="outfile_predict" file="lda_prediction_result01.tabular"/>
+        </test>
+        <test>
+            <param name="infile_model" value="lda_model02" ftype="zip"/>
+            <param name="infile_data" value="test.tabular" ftype="tabular"/>
+            <param name="selected_task" value="load"/>
+            <output name="outfile_predict" file="lda_prediction_result02.tabular"/>
+        </test>
+        <test>
+            <param name="infile_model" value="qda_model01" ftype="zip"/>
+            <param name="infile_data" value="test.tabular" ftype="tabular"/>
+            <param name="selected_task" value="load"/>
+            <output name="outfile_predict" file="qda_prediction_result01.tabular"/>
+        </test>
+    </tests>
+    <help><![CDATA[
+***What it does***
+Linear and Quadratic Discriminant Analysis are two classic classifiers with a linear and a quadratic decision surface respectively. These classifiers are fast and easy to interprete.
+
+
+ **1 - Training input**
+
+ When you choose to train a model, discriminant analysis tool expects a tabular file with numeric values, the order of the columns being as follows:
+
+ ::
+
+ "feature_1"	"feature_2"	"..."	"feature_n"	"class_label"
+
+ **Example for training data**
+ The following training dataset contains 3 feature columns and a column containing class labels:
+
+ ::
+
+  4.01163365529    -6.10797684314    8.29829894763     1
+  10.0788438916    1.59539821454     10.0684278289     0
+  -5.17607775503   -0.878286135332   6.92941850665     2
+  4.00975406235    -7.11847496542    9.3802423585      1
+  4.61204065139    -5.71217537352    9.12509610964     1
+
+
+ **2 - Trainig output**
+
+ Based on your choice, this tool fits a sklearn discriminant_analysis.LinearDiscriminantAnalysis or discriminant_analysis.QuadraticDiscriminantAnalysis on the traning data and outputs the trained model in the form of pickled object in a text file.
+
+
+ **3 - Prediction input**
+
+ When you choose to load a model and do prediction, the tool expects an already trained Discriminant Analysis estimator and a tabular dataset as input. The dataset is a tabular file with new samples which you want to classify. It just contains feature columns.
+
+ **Example for prediction data**
+
+ ::
+
+  8.26530668997    2.96705005011     8.88881190248
+  2.96366327113    -3.76295851562    11.7113372463
+  8.13319631944    -0.223645298585   10.5820605308
+
+ .. class:: warningmark
+
+ The number of feature columns must be the same in training and prediction datasets!
+
+
+ **3 - Prediction output**
+ The tool predicts the class labels for new samples and adds them as the last column to the prediction dataset. The new dataset then is output as a tabular file. The prediction output format should look like the training dataset.
+
+Discriminant Analysis is based on sklearn.discriminant_analysis library from Scikit-learn.
+For more information please refer to `Scikit-learn site`_.
+
+.. _`Scikit-learn site`: http://scikit-learn.org/stable/modules/lda_qda.html
+
+    ]]></help>
+    <expand macro="sklearn_citation"/>
+</tool>
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/main_macros.xml	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,807 @@
+<macros>
+  <token name="@VERSION@">0.9</token>
+
+  <token name="@COLUMNS_FUNCTION@">
+def columns(f,c):
+  data = pandas.read_csv(f, sep='\t', header=None, index_col=None, parse_dates=True, encoding=None, tupleize_cols=False)
+  cols = c.split (',')
+  cols = map(int, cols)
+  cols = list(map(lambda x: x - 1, cols))
+  y = data.iloc[:,cols].values
+  return y
+  </token>
+
+  <xml name="python_requirements">
+      <requirements>
+          <requirement type="package" version="2.7">python</requirement>
+          <requirement type="package" version="0.19.1">scikit-learn</requirement>
+          <requirement type="package" version="0.22.0">pandas</requirement>
+          <yield />
+      </requirements>
+  </xml>
+
+  <xml name="macro_stdio">
+    <stdio>
+        <exit_code range="1:" level="fatal" description="Error occurred. Please check Tool Standard Error"/>
+    </stdio>
+  </xml>
+
+
+  <!--Generic interface-->
+  <xml name="train_loadConditional" token_train="tabular" token_data="tabular" token_model="txt">
+    <conditional name="selected_tasks">
+        <param name="selected_task" type="select" label="Select a Classification Task">
+            <option value="train" selected="true">Train a model</option>
+            <option value="load">Load a model and predict</option>
+        </param>
+        <when value="load">
+            <param name="infile_model" type="data" format="@MODEL@" label="Models" help="Select a model file."/>
+            <param name="infile_data" type="data" format="@DATA@" label="Data (tabular)" help="Select the dataset you want to classify."/>
+            <conditional name="prediction_options">
+                <param name="prediction_option" type="select" label="Select the type of prediction">
+                    <option value="predict">Predict class labels</option>
+                    <option value="advanced">Include advanced options</option>
+                </param>
+                <when value="predict">
+                </when>
+                <when value="advanced">
+                </when>
+            </conditional>
+        </when>
+        <when value="train">
+            <param name="infile_train" type="data" format="@TRAIN@" label="Training samples (tabular)"/>
+            <conditional name="selected_algorithms">
+                <yield />
+            </conditional>
+        </when>
+    </conditional>
+  </xml>
+
+  <xml name="sl_Conditional" token_train="tabular" token_data="tabular" token_model="txt">
+    <conditional name="selected_tasks">
+        <param name="selected_task" type="select" label="Select a Classification Task">
+            <option value="train" selected="true">Train a model</option>
+            <option value="load">Load a model and predict</option>
+        </param>
+        <when value="load">
+            <param name="infile_model" type="data" format="@MODEL@" label="Models" help="Select a model file."/>
+            <param name="infile_data" type="data" format="@DATA@" label="Data (tabular)" help="Select the dataset you want to classify."/>
+            <conditional name="prediction_options">
+                <param name="prediction_option" type="select" label="Select the type of prediction">
+                    <option value="predict">Predict class labels</option>
+                    <option value="advanced">Include advanced options</option>
+                </param>
+                <when value="predict">
+                </when>
+                <when value="advanced">
+                </when>
+            </conditional>
+        </when>
+        <when value="train">
+            <conditional name="selected_algorithms">
+                <yield />
+            </conditional>
+        </when>
+    </conditional>
+  </xml>
+
+  <xml name="advanced_section">
+    <section name="options" title="Advanced Options" expanded="False">
+      <yield />
+    </section>
+  </xml>
+
+
+  <!--Generalized Linear Models-->
+  <xml name="loss" token_help=" " token_select="false">
+    <param argument="loss" type="select" label="Loss function"  help="@HELP@">
+        <option value="squared_loss" selected="@SELECT@">squared loss</option>
+        <option value="huber">huber</option>
+        <option value="epsilon_insensitive">epsilon insensitive</option>
+        <option value="squared_epsilon_insensitive">squared epsilon insensitive</option>
+        <yield/>
+    </param>
+  </xml>
+
+  <xml name="penalty" token_help=" ">
+    <param argument="penalty" type="select" label="Penalty (regularization term)"  help="@HELP@">
+        <option value="l2" selected="true">l2</option>
+        <option value="l1">l1</option>
+        <option value="elasticnet">elastic net</option>
+        <option value="none">none</option>
+        <yield/>
+    </param>
+  </xml>
+
+  <xml name="l1_ratio" token_default_value="0.15" token_help=" ">
+    <param argument="l1_ratio" type="float" value="@DEFAULT_VALUE@" label="Elastic Net mixing parameter" help="@HELP@"/>
+  </xml>
+
+  <xml name="epsilon" token_default_value="0.1" token_help="Used if loss is ‘huber’, ‘epsilon_insensitive’, or ‘squared_epsilon_insensitive’. ">
+    <param argument="epsilon" type="float" value="@DEFAULT_VALUE@" label="Epsilon (epsilon-sensitive loss functions only)" help="@HELP@"/>
+  </xml>
+
+  <xml name="learning_rate_s" token_help=" " token_selected1="false" token_selected2="false">
+    <param argument="learning_rate" type="select" optional="true" label="Learning rate schedule"  help="@HELP@">
+        <option value="optimal" selected="@SELECTED1@">optimal</option>
+        <option value="constant">constant</option>
+        <option value="invscaling" selected="@SELECTED2@">inverse scaling</option>
+        <yield/>
+    </param>
+  </xml>
+
+  <xml name="eta0" token_default_value="0.0" token_help="Used with ‘constant’ or ‘invscaling’ schedules. ">
+    <param argument="eta0" type="float" value="@DEFAULT_VALUE@" label="Initial learning rate" help="@HELP@"/>
+  </xml>
+
+  <xml name="power_t" token_default_value="0.5" token_help=" ">
+    <param argument="power_t" type="float" value="@DEFAULT_VALUE@" label="Exponent for inverse scaling learning rate" help="@HELP@"/>
+  </xml>
+
+  <xml name="normalize" token_checked="false" token_help=" ">
+    <param argument="normalize" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="Normalize samples before training" help=" "/>
+  </xml>
+
+  <xml name="copy_X" token_checked="true" token_help=" ">
+    <param argument="copy_X" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="Use a copy of samples" help="If false, samples would be overwritten. "/>
+  </xml>
+
+  <xml name="ridge_params">
+    <expand macro="normalize"/>
+    <expand macro="alpha" default_value="1.0"/>
+    <expand macro="fit_intercept"/>
+    <expand macro="max_iter" default_value=""/>
+    <expand macro="tol" default_value="0.001" help_text="Precision of the solution. "/>
+    <!--class_weight-->
+    <expand macro="copy_X"/>
+    <param argument="solver" type="select" value="" label="Solver to use in the computational routines" help=" ">
+        <option value="auto" selected="true">auto</option>
+        <option value="svd">svd</option>
+        <option value="cholesky">cholesky</option>
+        <option value="lsqr">lsqr</option>
+        <option value="sparse_cg">sparse_cg</option>
+        <option value="sag">sag</option>
+    </param>
+    <expand macro="random_state"/>
+  </xml>
+
+  <!--Ensemble methods-->
+  <xml name="n_estimators" token_default_value="10" token_help=" ">
+    <param argument="n_estimators" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Number of trees in the forest" help="@HELP@"/>
+  </xml>
+
+  <xml name="max_depth" token_default_value="" token_help=" ">
+    <param argument="max_depth" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Maximum depth of the tree" help="@HELP@"/>
+  </xml>
+
+  <xml name="min_samples_split" token_default_value="2" token_help=" ">
+    <param argument="min_samples_split" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Maximum depth of the tree" help="@HELP@"/>
+  </xml>
+
+  <xml name="min_samples_leaf" token_default_value="1" token_help=" ">
+    <param argument="min_samples_leaf" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Minimum number of samples in newly created leaves" help="@HELP@"/>
+  </xml>
+
+  <xml name="min_weight_fraction_leaf" token_default_value="0.0" token_help=" ">
+    <param argument="min_weight_fraction_leaf" type="float" optional="true" value="@DEFAULT_VALUE@" label="Minimum weighted fraction of the input samples required to be at a leaf node" help="@HELP@"/>
+  </xml>
+
+  <xml name="max_leaf_nodes" token_default_value="" token_help=" ">
+    <param argument="max_leaf_nodes" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Maximum number of leaf nodes in best-first method" help="@HELP@"/>
+  </xml>
+
+  <xml name="bootstrap" token_checked="true" token_help=" ">
+    <param argument="bootstrap" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolflase" checked="@CHECKED@" label="Use bootstrap samples for building trees." help="@HELP@"/>
+  </xml>
+
+  <xml name="criterion" token_help=" ">
+    <param argument="criterion" type="select" label="Function to measure the quality of a split"  help=" ">
+        <option value="gini" selected="true">Gini impurity</option>
+        <option value="entropy">Information gain</option>
+        <yield/>
+    </param>
+  </xml>
+
+  <xml name="oob_score" token_checked="false" token_help=" ">
+    <param argument="oob_score" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="Use out-of-bag samples to estimate the generalization error" help="@HELP@"/>
+  </xml>
+
+  <xml name="max_features" token_default_value="auto" token_help="This could be an integer, float, string, or None. For more information please refer to help. ">
+    <param argument="max_features" type="text" optional="true" value="@DEFAULT_VALUE@" label="Number of features for finding the best split" help="@HELP@"/>
+  </xml>
+
+  <xml name="learning_rate" token_default_value="1.0" token_help=" ">
+    <param argument="learning_rate" type="float" optional="true" value="@DEFAULT_VALUE@" label="Learning rate" help="@HELP@"/>
+  </xml>
+
+
+  <!--Parameters-->
+  <xml name="tol" token_default_value="0.0" token_help_text="Early stopping heuristics based on the relative center changes. Set to default (0.0) to disable this convergence detection.">
+        <param argument="tol" type="float" optional="true" value="@DEFAULT_VALUE@" label="Tolerance" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="n_clusters" token_default_value="8">
+    <param argument="n_clusters" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Number of clusters" help=" "/>
+  </xml>
+
+  <xml name="fit_intercept" token_checked="true">
+    <param argument="fit_intercept" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="Estimate the intercept" help="If false, the data is assumed to be already centered."/>
+  </xml>
+
+  <xml name="n_iter" token_default_value="5" token_help_text="The number of passes over the training data (aka epochs). ">
+    <param argument="n_iter" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Number of iterations" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="shuffle" token_checked="true" token_help_text=" " token_label="Shuffle data after each iteration">
+    <param argument="shuffle" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="@LABEL@" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="random_state" token_default_value="" token_help_text="Integer number. The seed of the pseudo random number generator to use when shuffling the data. A fixed seed allows reproducible results.">
+    <param argument="random_state" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Random seed number" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="warm_start" token_checked="true" token_help_text="When set to True, reuse the solution of the previous call to fit as initialization,otherwise, just erase the previous solution.">
+    <param argument="warm_start" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="Perform warm start" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="C" token_default_value="1.0" token_help_text="Penalty parameter C of the error term.">
+    <param argument="C" type="float" optional="true" value="@DEFAULT_VALUE@" label="Penalty parameter" help="@HELP_TEXT@"/>
+  </xml>
+
+  <!--xml name="class_weight" token_default_value="" token_help_text="">
+    <param argument="class_weight" type="" optional="true" value="@DEFAULT_VALUE@" label="" help="@HELP_TEXT@"/>
+  </xml-->
+
+  <xml name="alpha" token_default_value="0.0001" token_help_text="Constant that multiplies the regularization term if regularization is used. ">
+    <param argument="alpha" type="float" optional="true" value="@DEFAULT_VALUE@" label="Regularization coefficient" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="n_samples" token_default_value="100" token_help_text="The total number of points equally divided among clusters.">
+    <param argument="n_samples" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Number of samples" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="n_features" token_default_value="2" token_help_text="Number of different numerical properties produced for each sample.">
+    <param argument="n_features" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Number of features" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="noise" token_default_value="0.0" token_help_text="Floating point number. ">
+    <param argument="noise" type="float" optional="true" value="@DEFAULT_VALUE@" label="Standard deviation of the Gaussian noise added to the data" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="C" token_default_value="1.0" token_help_text="Penalty parameter C of the error term. ">
+      <param argument="C" type="float" optional="true" value="@DEFAULT_VALUE@" label="Penalty parameter" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="max_iter" token_default_value="300" token_label="Maximum number of iterations per single run" token_help_text=" ">
+      <param argument="max_iter" type="integer" optional="true" value="@DEFAULT_VALUE@" label="@LABEL@" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="n_init" token_default_value="10" >
+      <param argument="n_init" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Number of runs with different centroid seeds" help=" "/>
+  </xml>
+
+  <xml name="init">
+      <param argument="init" type="select" label="Centroid initialization method"  help="''k-means++'' selects initial cluster centers that speed up convergence. ''random'' chooses k observations (rows) at random from data as initial centroids.">
+          <option value="k-means++">k-means++</option>
+          <option value="random">random</option>
+      </param>
+  </xml>
+
+  <xml name="gamma" token_default_value="1.0" token_label="Scaling parameter" token_help_text=" ">
+    <param argument="gamma" type="float" optional="true" value="@DEFAULT_VALUE@" label="@LABEL@" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="degree" token_default_value="3" token_label="Degree of the polynomial" token_help_text=" ">
+    <param argument="degree" type="integer" optional="true" value="@DEFAULT_VALUE@" label="@LABEL@" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="coef0" token_default_value="1" token_label="Zero coefficient" token_help_text=" ">
+    <param argument="coef0" type="integer" optional="true" value="@DEFAULT_VALUE@" label="@LABEL@" help="@HELP_TEXT@"/>
+  </xml>
+
+  <xml name="pos_label" token_default_value="">
+    <param argument="pos_label" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Label of the positive class" help=" "/>
+  </xml>
+
+  <xml name="average">
+    <param argument="average" type="select" optional="true" label="Averaging type" help=" ">
+      <option value="micro">Calculate metrics globally by counting the total true positives, false negatives and false positives. (micro)</option>
+      <option value="samples">Calculate metrics for each instance, and find their average. Only meaningful for multilabel. (samples)</option>
+      <option value="macro">Calculate metrics for each label, and find their unweighted mean. This does not take label imbalance into account. (macro)</option>
+      <option value="weighted">Calculate metrics for each label, and find their average, weighted by support (the number of true instances for each label). This alters ‘macro’ to account for label imbalance; it can result in an F-score that is not between precision and recall. (weighted)</option>
+      <option value="None">None</option>
+      <yield/>
+    </param>
+  </xml>
+
+  <xml name="beta">
+    <param argument="beta" type="float" value="1.0" label="The strength of recall versus precision in the F-score" help=" "/>
+  </xml>
+
+
+  <!--Data interface-->
+  <xml name="tabular_input">
+    <param name="infile" type="data" format="tabular" label="Data file with numeric values"/>
+    <param name="start_column" type="data_column" data_ref="infile" optional="True" label="Select a subset of data. Start column:" />
+    <param name="end_column" type="data_column" data_ref="infile" optional="True" label="End column:" />
+  </xml>
+
+  <xml name="sample_cols" token_label1="File containing true class labels:" token_label2="File containing predicted class labels:" token_multiple1="False" token_multiple2="False" token_format1="tabular" token_format2="tabular" token_help1="" token_help2="">
+    <param name="infile1" type="data" format="@FORMAT1@" label="@LABEL1@" help="@HELP1@"/>
+    <param name="col1" multiple="@MULTIPLE1@" type="data_column" data_ref="infile1" label="Select target column(s):"/>
+    <param name="infile2" type="data" format="@FORMAT2@" label="@LABEL2@" help="@HELP2@"/>
+    <param name="col2" multiple="@MULTIPLE2@" type="data_column" data_ref="infile2" label="Select target column(s):"/>
+    <yield/>
+  </xml>
+
+  <xml name="samples_tabular" token_multiple1="False" token_multiple2="False">
+    <param name="infile1" type="data" format="tabular" label="Training samples dataset:"/>
+    <param name="col1" multiple="@MULTIPLE1@" type="data_column" data_ref="infile1" label="Select target column(s):"/>
+    <param name="infile2" type="data" format="tabular" label="Dataset containing class labels:"/>
+    <param name="col2" multiple="@MULTIPLE2@" type="data_column" data_ref="infile2" label="Select target column(s):"/>
+    <yield/>
+  </xml>
+
+  <xml name="clf_inputs_extended" token_label1=" " token_label2=" " token_multiple="False">
+    <conditional name="true_columns">
+      <param name="selected_input1" type="select" label="Select the input type of true labels dataset:">
+          <option value="tabular" selected="true">Tabular</option>
+          <option value="sparse">Sparse</option>
+      </param>
+      <when value="tabular">
+        <param name="infile1" type="data" label="@LABEL1@"/>
+        <param name="col1" type="data_column" data_ref="infile1" label="Select the target column:"/>
+      </when>
+      <when value="sparse">
+          <param name="infile1" type="data" format="txt" label="@LABEL1@"/>
+      </when>
+    </conditional>
+    <conditional name="predicted_columns">
+      <param name="selected_input2" type="select" label="Select the input type of predicted labels dataset:">
+          <option value="tabular" selected="true">Tabular</option>
+          <option value="sparse">Sparse</option>
+      </param>
+      <when value="tabular">
+        <param name="infile2" type="data" label="@LABEL2@"/>
+        <param name="col2" multiple="@MULTIPLE@" type="data_column" data_ref="infile2" label="Select target column(s):"/>
+      </when>
+      <when value="sparse">
+          <param name="infile2" type="data" format="txt" label="@LABEL1@"/>
+      </when>
+    </conditional>
+  </xml>
+
+  <xml name="clf_inputs" token_label1="Dataset containing true labels (tabular):" token_label2="Dataset containing predicted values (tabular):" token_multiple1="False" token_multiple="False">
+    <param name="infile1" type="data" format="tabular" label="@LABEL1@"/>
+    <param name="col1" multiple="@MULTIPLE1@" type="data_column" data_ref="infile1" label="Select the target column:"/>
+    <param name="infile2" type="data" format="tabular" label="@LABEL2@"/>
+    <param name="col2" multiple="@MULTIPLE@" type="data_column" data_ref="infile2" label="Select target column(s):"/>
+  </xml>
+
+  <xml name="multiple_input" token_name="input_files" token_max_num="10" token_format="txt" token_label="Sparse matrix file (.mtx, .txt)" token_help_text="Specify a sparse matrix file in .txt format.">
+    <repeat name="@NAME@" min="1" max="@MAX_NUM@" title="Select input file(s):">
+        <param name="input" type="data" format="@FORMAT@" label="@LABEL@" help="@HELP_TEXT@"/>
+    </repeat>
+  </xml>
+
+  <xml name="sparse_target" token_label1="Select a sparse matrix:" token_label2="Select the tabular containing true labels:" token_multiple="False" token_format1="txt" token_format2="tabular" token_help1="" token_help2="">
+    <param name="infile1" type="data" format="@FORMAT1@" label="@LABEL1@" help="@HELP1@"/>
+    <param name="infile2" type="data" format="@FORMAT2@" label="@LABEL2@" help="@HELP2@"/>
+    <param name="col2" multiple="@MULTIPLE@" type="data_column" data_ref="infile2" label="Select target column(s):"/>
+  </xml>
+
+  <xml name="sl_mixed_input">
+    <conditional name="input_options">
+      <param name="selected_input" type="select" label="Select input type:">
+          <option value="tabular" selected="true">tabular data</option>
+          <option value="sparse">sparse matrix</option>
+      </param>
+      <when value="tabular">
+          <expand macro="samples_tabular" multiple1="true"/>
+      </when>
+      <when value="sparse">
+          <expand macro="sparse_target"/>
+      </when>
+    </conditional>
+  </xml>
+
+  <xml name="multitype_input" token_format="tabular" token_help="All datasets with tabular format are supporetd.">
+    <param name="infile_transform" type="data" format="@FORMAT@" label="Select a dataset to transform:" help="@HELP@"/>
+  </xml>
+
+
+  <!--Advanced options-->
+  <xml name="nn_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+      <yield/>
+      <param argument="weights" type="select" label="Weight function" help="Used in prediction.">
+          <option value="uniform" selected="true">Uniform weights. All points in each neighborhood are weighted equally. (Uniform)</option>
+          <option value="distance">Weight points by the inverse of their distance. (Distance)</option>
+      </param>
+      <param argument="algorithm" type="select" label="Neighbor selection algorithm" help=" ">
+          <option value="auto" selected="true">Auto</option>
+          <option value="ball_tree">BallTree</option>
+          <option value="kd_tree">KDTree</option>
+          <option value="brute">Brute-force</option>
+      </param>
+      <param argument="leaf_size" type="integer" value="30" label="Leaf size" help="Used with BallTree and KDTree. Affects the time and memory usage of the constructed tree."/>
+      <!--param name="metric"-->
+      <!--param name="p"-->
+      <!--param name="metric_params"-->
+    </section>
+  </xml>
+
+  <xml name="svc_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+        <yield/>
+        <param argument="kernel" type="select" optional="true" label="Kernel type" help="Kernel type to be used in the algorithm. If none is given, ‘rbf’ will be used.">
+            <option value="rbf" selected="true">rbf</option>
+            <option value="linear">linear</option>
+            <option value="poly">poly</option>
+            <option value="sigmoid">sigmoid</option>
+            <option value="precomputed">precomputed</option>
+        </param>
+        <param argument="degree" type="integer" optional="true" value="3" label="Degree of the polynomial (polynomial kernel only)" help="Ignored by other kernels. dafault : 3 "/>
+        <!--TODO: param argument="gamma" float, optional (default=’auto’) -->
+        <param argument="coef0" type="float" optional="true" value="0.0" label="Zero coefficient (polynomial and sigmoid kernels only)"
+            help="Independent term in kernel function. dafault: 0.0 "/>
+        <param argument="shrinking" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Use the shrinking heuristic" help=" "/>
+        <param argument="probability" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="false"
+            label="Enable probability estimates. " help="This must be enabled prior to calling fit, and will slow down that method."/>
+        <!-- param argument="cache_size"-->
+        <!--expand macro="class_weight"/-->
+        <expand macro="tol" default_value="0.001" help_text="Tolerance for stopping criterion. "/>
+        <expand macro="max_iter" default_value="-1" label="Solver maximum number of iterations" help_text="Hard limit on iterations within solver, or -1 for no limit."/>
+        <!--param argument="decision_function_shape"-->
+        <expand macro="random_state" help_text="Integer number. The seed of the pseudo random number generator to use when shuffling the data for probability estimation. A fixed seed allows reproducible results."/>
+    </section>
+  </xml>
+
+  <xml name="spectral_clustering_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+        <expand macro="n_clusters"/>
+        <param argument="eigen_solver" type="select" value="" label="Eigen solver" help="The eigenvalue decomposition strategy to use.">
+            <option value="arpack" selected="true">arpack</option>
+            <option value="lobpcg">lobpcg</option>
+            <option value="amg">amg</option>
+            <!--None-->
+        </param>
+        <expand macro="random_state"/>
+        <expand macro="n_init"/>
+        <param argument="gamma" type="float" optional="true" value="1.0" label="Kernel scaling factor" help="Scaling factor of RBF, polynomial, exponential chi^2 and sigmoid affinity kernel. Ignored for affinity=''nearest_neighbors''."/>
+        <param argument="affinity" type="select" label="Affinity" help="Affinity kernel to use. ">
+            <option value="rbf" selected="true">RBF</option>
+            <option value="precomputed">precomputed</option>
+            <option value="nearest_neighbors">Nearset neighbors</option>
+        </param>
+        <param argument="n_neighbors" type="integer" optional="true" value="10" label="Number of neighbors" help="Number of neighbors to use when constructing the affinity matrix using the nearest neighbors method. Ignored for affinity=''rbf''"/>
+        <!--param argument="eigen_tol"-->
+        <param argument="assign_labels" type="select" label="Assign labels" help="The strategy to use to assign labels in the embedding space.">
+            <option value="kmeans" selected="true">kmeans</option>
+            <option value="discretize">discretize</option>
+        </param>
+        <param argument="degree" type="integer" optional="true" value="3"
+            label="Degree of the polynomial (polynomial kernel only)" help="Ignored by other kernels. dafault : 3 "/>
+        <param argument="coef0" type="integer" optional="true" value="1"
+            label="Zero coefficient (polynomial and sigmoid kernels only)" help="Ignored by other kernels. dafault : 1 "/>
+        <!--param argument="kernel_params"-->
+    </section>
+  </xml>
+
+  <xml name="minibatch_kmeans_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+        <expand macro="n_clusters"/>
+        <expand macro="init"/>
+        <expand macro="n_init" default_value="3"/>
+        <expand macro="max_iter" default_value="100"/>
+        <expand macro="tol" help_text="Early stopping heuristics based on normalized center change. To disable set to 0.0 ."/>
+        <expand macro="random_state"/>
+        <param argument="batch_size" type="integer" optional="true" value="100" label="Batch size" help="Size of the mini batches."/>
+        <!--param argument="compute_labels"-->
+        <param argument="max_no_improvement" type="integer" optional="true" value="10" label="Maximum number of improvement attempts" help="
+        Convergence detection based on inertia (the consecutive number of mini batches that doe not yield an improvement on the smoothed inertia).
+        To disable, set max_no_improvement to None. "/>
+        <param argument="init_size" type="integer" optional="true" value="" label="Number of random initialization samples" help="Number of samples to randomly sample for speeding up the initialization . ( default: 3 * batch_size )"/>
+        <param argument="reassignment_ratio" type="float" optional="true" value="0.01" label="Re-assignment ratio" help="Controls the fraction of the maximum number of counts for a center to be reassigned. Higher values yield better clustering results."/>
+    </section>
+  </xml>
+
+  <xml name="kmeans_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+      <expand macro="n_clusters"/>
+      <expand macro="init"/>
+      <expand macro="n_init"/>
+      <expand macro="max_iter"/>
+      <expand macro="tol" default_value="0.0001" help_text="Relative tolerance with regards to inertia to declare convergence."/>
+      <!--param argument="precompute_distances"/-->
+      <expand macro="random_state"/>
+      <param argument="copy_x" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true" label="Use a copy of data for precomputing distances" help="Mofifying the original data introduces small numerical differences caused by subtracting and then adding the data mean."/>
+    </section>
+  </xml>
+
+  <xml name="birch_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+      <param argument="threshold" type="float" optional="true" value="0.5" label="Subcluster radius threshold" help="The radius of the subcluster obtained by merging a new sample; the closest subcluster should be less than the threshold to avoid a new subcluster."/>
+      <param argument="branching_factor" type="integer" optional="true" value="50" label="Maximum number of subclusters per branch" help="Maximum number of CF subclusters in each node."/>
+      <expand macro="n_clusters" default_value="3"/>
+      <!--param argument="compute_labels"/-->
+    </section>
+  </xml>
+
+  <xml name="dbscan_advanced_options">
+    <section name="options" title="Advanced Options" expanded="False">
+      <param argument="eps" type="float" optional="true" value="0.5" label="Maximum neighborhood distance" help="The maximum distance between two samples for them to be considered as in the same neighborhood."/>
+      <param argument="min_samples" type="integer" optional="true" value="5" label="Minimal core point density" help="The number of samples (or total weight) in a neighborhood for a point (including the point itself) to be considered as a core point."/>
+      <param argument="metric" type="text" optional="true" value="euclidean" label="Metric" help="The metric to use when calculating distance between instances in a feature array."/>
+      <param argument="algorithm" type="select" label="Pointwise distance computation algorithm" help="The algorithm to be used by the NearestNeighbors module to compute pointwise distances and find nearest neighbors.">
+          <option value="auto" selected="true">auto</option>
+          <option value="ball_tree">ball_tree</option>
+          <option value="kd_tree">kd_tree</option>
+          <option value="brute">brute</option>
+      </param>
+      <param argument="leaf_size" type="integer" optional="true" value="30" label="Leaf size" help="Leaf size passed to BallTree or cKDTree. Memory and time efficieny factor in tree constrution and querying."/>
+    </section>
+  </xml>
+
+  <xml name="clustering_algorithms_options">
+    <conditional name="algorithm_options">
+      <param name="selected_algorithm" type="select" label="Clustering Algorithm">
+          <option value="KMeans" selected="true">KMeans</option>
+          <option value="SpectralClustering">Spectral Clustering</option>
+          <option value="MiniBatchKMeans">Mini Batch KMeans</option>
+          <option value="DBSCAN">DBSCAN</option>
+          <option value="Birch">Birch</option>
+      </param>
+      <when value="KMeans">
+          <expand macro="kmeans_advanced_options"/>
+      </when>
+      <when value="DBSCAN">
+          <expand macro="dbscan_advanced_options"/>
+      </when>
+      <when value="Birch">
+          <expand macro="birch_advanced_options"/>
+      </when>
+      <when value="SpectralClustering">
+          <expand macro="spectral_clustering_advanced_options"/>
+      </when>
+      <when value="MiniBatchKMeans">
+          <expand macro="minibatch_kmeans_advanced_options"/>
+      </when>
+    </conditional>
+  </xml>
+
+  <xml name="distance_metrics">
+    <param argument="metric" type="select" label="Distance metric" help=" ">
+      <option value="euclidean" selected="true">euclidean</option>
+      <option value="cityblock">cityblock</option>
+      <option value="cosine">cosine</option>
+      <option value="l1">l1</option>
+      <option value="l2">l2</option>
+      <option value="manhattan">manhattan</option>
+      <yield/>
+    </param>
+  </xml>
+
+  <xml name="distance_nonsparse_metrics">
+    <option value="braycurtis">braycurtis</option>
+    <option value="canberra">canberra</option>
+    <option value="chebyshev">chebyshev</option>
+    <option value="correlation">correlation</option>
+    <option value="dice">dice</option>
+    <option value="hamming">hamming</option>
+    <option value="jaccard">jaccard</option>
+    <option value="kulsinski">kulsinski</option>
+    <option value="mahalanobis">mahalanobis</option>
+    <option value="matching">matching</option>
+    <option value="minkowski">minkowski</option>
+    <option value="rogerstanimoto">rogerstanimoto</option>
+    <option value="russellrao">russellrao</option>
+    <option value="seuclidean">seuclidean</option>
+    <option value="sokalmichener">sokalmichener</option>
+    <option value="sokalsneath">sokalsneath</option>
+    <option value="sqeuclidean">sqeuclidean</option>
+    <option value="yule">yule</option>
+  </xml>
+
+  <xml name="pairwise_kernel_metrics">
+    <param argument="metric" type="select" label="Pirwise Kernel metric" help=" ">
+      <option value="rbf" selected="true">rbf</option>
+      <option value="sigmoid">sigmoid</option>
+      <option value="polynomial">polynomial</option>
+      <option value="linear" selected="true">linear</option>
+      <option value="chi2">chi2</option>
+      <option value="additive_chi2">additive_chi2</option>
+    </param>
+  </xml>
+
+  <xml name="sparse_pairwise_metric_functions">
+    <param name="selected_metric_function" type="select" label="Select the pairwise metric you want to compute:">
+      <option value="euclidean_distances" selected="true">Euclidean distance matrix</option>
+      <option value="pairwise_distances">Distance matrix</option>
+      <option value="pairwise_distances_argmin">Minimum distances between one point and a set of points</option>
+      <yield/>
+    </param>
+  </xml>
+
+  <xml name="pairwise_metric_functions">
+    <option value="additive_chi2_kernel" >Additive chi-squared kernel</option>
+    <option value="chi2_kernel">Exponential chi-squared kernel</option>
+    <option value="linear_kernel">Linear kernel</option>
+    <option value="manhattan_distances">L1 distances</option>
+    <option value="pairwise_kernels">Kernel</option>
+    <option value="polynomial_kernel">Polynomial kernel</option>
+    <option value="rbf_kernel">Gaussian (rbf) kernel</option>
+    <option value="laplacian_kernel">Laplacian kernel</option>
+  </xml>
+
+  <xml name="sparse_pairwise_condition">
+    <when value="pairwise_distances">
+      <section name="options" title="Advanced Options" expanded="False">
+          <expand macro="distance_metrics">
+              <yield/>
+          </expand>
+      </section>
+    </when>
+    <when value="euclidean_distances">
+      <section name="options" title="Advanced Options" expanded="False">
+          <param argument="squared" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="false"
+            label="Return squared Euclidean distances" help=" "/>
+      </section>
+    </when>
+  </xml>
+
+  <xml name="argmin_distance_condition">
+    <when value="pairwise_distances_argmin">
+      <section name="options" title="Advanced Options" expanded="False">
+          <param argument="axis" type="integer" optional="true" value="1" label="Axis" help="Axis along which the argmin and distances are to be computed."/>
+          <expand macro="distance_metrics">
+              <yield/>
+          </expand>
+          <param argument="batch_size" type="integer" optional="true" value="500" label="Batch size" help="Number of rows to be processed in each batch run."/>
+      </section>
+    </when>
+  </xml>
+
+  <xml name="sparse_preprocessors">
+    <param name="selected_pre_processor" type="select" label="Select a preprocessor:">
+      <option value="StandardScaler" selected="true">Standard Scaler (Standardizes features by removing the mean and scaling to unit variance)</option>
+      <option value="Binarizer">Binarizer (Binarizes data)</option>
+      <option value="Imputer">Imputer (Completes missing values)</option>
+      <option value="MaxAbsScaler">Max Abs Scaler (Scales features by their maximum absolute value)</option>
+      <option value="Normalizer">Normalizer (Normalizes samples individually to unit norm)</option>
+      <yield/>
+    </param>
+  </xml>
+
+  <xml name="sparse_preprocessor_options">
+    <when value="Binarizer">
+        <expand macro="multitype_input" format="tabular,txt" help="Tabular and sparse datasets are supporetd."/>
+        <section name="options" title="Advanced Options" expanded="False">
+            <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+                label="Use a copy of data for precomputing binarization" help=" "/>
+            <param argument="threshold" type="float" optional="true" value="0.0"
+                label="Threshold"
+                help="Feature values below or equal to this are replaced by 0, above it by 1. Threshold may not be less than 0 for operations on sparse matrices. "/>
+        </section>
+    </when>
+    <when value="Imputer">
+      <expand macro="multitype_input" format="tabular,txt" help="Tabular and sparse datasets are supporetd."/>
+      <section name="options" title="Advanced Options" expanded="False">
+          <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Use a copy of data for precomputing imputation" help=" "/>
+          <param argument="strategy" type="select" optional="true" label="Imputation strategy" help=" ">
+              <option value="mean" selected="true">Replace missing values using the mean along the axis</option>
+              <option value="median">Replace missing values using the median along the axis</option>
+              <option value="most_frequent">Replace missing using the most frequent value along the axis</option>
+          </param>
+          <param argument="missing_values" type="text" optional="true" value="NaN"
+                label="Placeholder for missing values" help="For missing values encoded as numpy.nan, use the string value “NaN”"/>
+          <param argument="axis" type="boolean" optional="true" truevalue="1" falsevalue="0"
+                label="Impute along axis = 1" help="If fasle, axis = 0 is selected for imputation. "/>
+          <!--param argument="axis" type="select" optional="true" label="The axis along which to impute" help=" ">
+              <option value="0" selected="true">Impute along columns</option>
+              <option value="1">Impute along rows</option>
+          </param-->
+      </section>
+    </when>
+    <when value="StandardScaler">
+      <expand macro="multitype_input"/>
+      <section name="options" title="Advanced Options" expanded="False">
+        <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Use a copy of data for performing inplace scaling" help=" "/>
+        <param argument="with_mean" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Center the data before scaling" help=" "/>
+        <param argument="with_std" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Scale the data to unit variance (or unit standard deviation)" help=" "/>
+      </section>
+    </when>
+    <when value="MaxAbsScaler">
+      <expand macro="multitype_input" format="tabular,txt" help="Tabular and sparse datasets are supporetd."/>
+      <section name="options" title="Advanced Options" expanded="False">
+        <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Use a copy of data for precomputing scaling" help=" "/>
+      </section>
+    </when>
+    <when value="Normalizer">
+      <expand macro="multitype_input" format="tabular,txt" help="Tabular and sparse datasets are supporetd."/>
+      <section name="options" title="Advanced Options" expanded="False">
+        <param argument="norm" type="select" optional="true" label="The norm to use to normalize non zero samples" help=" ">
+          <option value="l1" selected="true">l1</option>
+          <option value="l2">l2</option>
+          <option value="max">max</option>
+        </param>
+        <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"
+            label="Use a copy of data for precomputing row normalization" help=" "/>
+      </section>
+    </when>
+    <yield/>
+  </xml>
+
+  <!-- Outputs -->
+
+  <xml name="output">
+    <outputs>
+      <data format="tabular" name="outfile_predict">
+          <filter>selected_tasks['selected_task'] == 'load'</filter>
+      </data>
+      <data format="zip" name="outfile_fit">
+          <filter>selected_tasks['selected_task'] == 'train'</filter>
+      </data>
+    </outputs>
+  </xml>
+
+
+  <!--Citations-->
+  <xml name="eden_citation">
+    <citations>
+        <citation type="bibtex">
+            @misc{fabrizio_costa_2015_15094,
+              author       = {Fabrizio Costa and
+                              Björn Grüning and
+                              gigolo},
+              title        = {EDeN: EDeN - Graph Vectorizer},
+              month        = feb,
+              year         = 2015,
+              doi          = {10.5281/zenodo.15094},
+              url          = {http://dx.doi.org/10.5281/zenodo.15094}
+                    }
+                        }
+        </citation>
+    </citations>
+  </xml>
+
+  <xml name="sklearn_citation">
+    <citations>
+        <citation type="bibtex">
+            @article{scikit-learn,
+             title={Scikit-learn: Machine Learning in {P}ython},
+             author={Pedregosa, F. and Varoquaux, G. and Gramfort, A. and Michel, V.
+                     and Thirion, B. and Grisel, O. and Blondel, M. and Prettenhofer, P.
+                     and Weiss, R. and Dubourg, V. and Vanderplas, J. and Passos, A. and
+                     Cournapeau, D. and Brucher, M. and Perrot, M. and Duchesnay, E.},
+             journal={Journal of Machine Learning Research},
+             volume={12},
+             pages={2825--2830},
+             year={2011}
+             url = {https://github.com/scikit-learn/scikit-learn}
+            }
+        </citation>
+    </citations>
+  </xml>
+
+  <xml name="scipy_citation">
+    <citations>
+        <citation type="bibtex">
+          @Misc{,
+          author =    {Eric Jones and Travis Oliphant and Pearu Peterson and others},
+          title =     {{SciPy}: Open source scientific tools for {Python}},
+          year =      {2001--},
+          url = "http://www.scipy.org/",
+          note = {[Online; accessed 2016-04-09]}
+        }
+        </citation>
+    </citations>
+  </xml>
+
+</macros>
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/RF01704.fasta	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+>CP000097.1/1411351-1411410
+CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA
+>ACNY01000002.1/278641-278580
+GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/accuracy_score.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+accuracy_score : 
+0.8461538461538461
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/auc.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+auc : 
+2.5
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/average_precision_score.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+average_precision_score : 
+1.0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/blobs.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	0
+0.3368184589673989	-3.402879612990731	0
+-9.48324265575857	-8.66266051536995	2
+-1.9333632849607592	5.709539081468901	1
+-10.031824059894126	-5.578343934583625	2
+0.5418607766170062	-4.3769362832693	0
+-8.129629290673781	-7.05554320549807	2
+-0.7308257856942714	7.323755516994815	1
+-1.8414253200701474	6.206304668308321	1
+0.4100718503166844	-3.997448810001185	0
+-8.735095893232405	-5.490905352087513	2
+1.8494196227705402	-3.918393456729695	0
+-9.152560688488569	-9.17805648051067	2
+-3.214299390778301	5.7592616395707115	1
+0.2845037854966439	-3.615765226438298	0
+-0.9290748492230643	5.79099955373578	1
+0.366925241944827	6.518619296229099	1
+1.5990991796541174	-3.0710561729787464	0
+-9.71270568435724	-7.917076514990086	2
+-10.080404430632045	-6.551353241086546	2
+1.1059434577429306	-4.419063749495465	0
+2.4870804964945683	-2.8910071236106702	0
+0.00587148930882897	-3.1831425553970982	0
+1.6185435973534872	-4.888559225592079	0
+-9.1585672210814	-7.138941148475106	2
+-3.0763357145957295	7.800496767864756	1
+0.11174653022487324	-3.6161582871047915	0
+-9.439323507823358	-7.298630345706627	2
+-1.6946622959144526	4.408371111175304	1
+1.0526175263832516	-3.495530097015125	0
+-10.505605921029415	-5.99245086001851	2
+1.5408196415289697	-4.537023441514705	0
+0.32228789680819747	6.898540080429289	1
+0.6162196966060958	-5.275048036375375	0
+-10.225453923298636	-8.716359184214301	2
+-10.610041075915571	-8.159992705422887	2
+-0.7454796670028672	-2.9618984315119485	0
+0.7884875899019093	-5.3223437793891115	0
+-10.420052767549333	-7.784677704340977	2
+-2.9066475299706225	5.798350661758252	1
+-10.321439212021199	-8.927120521097516	2
+-0.21338559861828132	7.847798272479965	1
+-0.07194732572545948	-5.260544662489948	0
+-7.606968935466872	-7.733827136978448	2
+-1.3772203838685648	6.917736574437465	1
+-3.215600190755509	7.26468660350508	1
+-10.361544895394568	-6.919444657083034	2
+-9.604573412392483	-9.253517546022897	2
+-2.7269023156583536	6.738257479022937	1
+-2.8060399921674897	6.990662089963528	1
+-0.8195267147926311	7.582412712536479	1
+-2.088474009808327	5.696071447204143	1
+-0.3199187614984107	-4.982358491659567	0
+-11.320665797033074	-8.209377507348288	2
+-7.962360612746552	-9.0160536966573	2
+2.1678469105746174	-6.165707921777358	0
+1.8950202752190992	-5.864802909183004	0
+-8.668714990990322	-7.798902262764823	2
+2.057721103848434	-6.123229124507681	0
+-9.31359960682017	-8.005681999989289	2
+-0.7674305635615133	-5.476822175833394	0
+-3.467729419225205	6.760721334408079	1
+1.0904984443746135	-5.875829293349414	0
+-0.11521126331032128	-4.075104544956712	0
+1.0892785050407092	-5.50265562869237	0
+-0.6150504792573254	7.65521576624828	1
+0.42996321311489133	-5.550930544379513	0
+-0.7591948546904975	5.588530307317255	1
+-9.125996572516852	-8.00673850068656	2
+-9.775374420827845	-6.619256719676729	2
+-3.017233345281725	7.003406777204688	1
+-0.9730894643674084	-4.066519071956773	0
+-0.488300213042004	-5.665046812039003	0
+-11.920811593303075	-7.6481581712718265	2
+-9.382625071659795	-7.584962987095203	2
+0.07652275340589654	7.588913304914662	1
+0.9769623036529882	-3.9248027076317573	0
+-7.830829708233982	-7.911915266520185	2
+-3.0073685661005083	5.7016366696061365	1
+-1.8751101776939656	5.624499605551414	1
+-9.6832320667351	-8.253539319584945	2
+-9.301199337591346	-8.475648001818415	2
+0.3236596741468444	-5.100784034937504	0
+-1.7483610543320183	5.466455747949784	1
+-0.5606434085120788	6.8761250604356094	1
+0.6786030049961334	-4.1776108538506955	0
+-8.201998888059842	-8.29076835439347	2
+-3.0502642095699524	8.942236614880212	1
+-8.811936226521826	-7.798135337577672	2
+-9.168627707162337	-7.132750331822805	2
+-4.482963659068224	6.928839924536938	1
+-10.522252247863742	-6.805433938277723	2
+-1.585671650741962	6.899480240385674	1
+-1.7585368520754465	6.445346211386424	1
+-9.914521539472657	-8.111815592744888	2
+-1.4007761951194242	6.923806281221148	1
+-1.1922802090762707	6.143108468673037	1
+0.8754133990482117	-5.04555103360224	0
+1.481137717506855	-3.6964070848002533	0
+0.5249593764875948	6.344808234483482	1
+-0.013699553663708786	-4.413973348636017	0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/brier_score_loss.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+brier_score_loss : 
+0.5641025641025641
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/circles.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	0
+-0.06279051952931321	-0.9980267284282716	0
+0.05023241562345065	0.7984213827426173	1
+-0.9921147013144779	-0.12533323356430429	0
+0.4257792915650726	-0.9048270524660196	0
+-0.30901699437494756	-0.9510565162951535	0
+-1.0	-3.216245299353273e-16	0
+-0.18738131458572463	-0.9822872507286887	0
+-0.5358267949789963	-0.8443279255020153	0
+-0.7748665289029049	-0.19895190973188404	1
+-0.8763066800438636	0.4817536741017152	0
+-0.24721359549995806	-0.7608452130361228	1
+0.8	0.0	1
+0.42866143598319745	-0.675462340401612	1
+-0.5831749019371294	0.5476376847429508	1
+0.7010453440350909	-0.38540293928137226	1
+-0.743821188710601	-0.29449964214774266	1
+-0.7438211887106012	0.2944996421477422	1
+0.8090169943749475	0.5877852522924731	0
+0.30901699437494723	-0.9510565162951536	0
+0.18738131458572452	0.9822872507286887	0
+-0.8763066800438635	-0.4817536741017154	0
+-0.42866143598319706	-0.6754623404016122	1
+-0.5099391917989516	-0.6164105942206315	1
+0.63742398974869	-0.770513242775789	0
+-0.9297764858882512	-0.3681245526846783	0
+-0.9297764858882515	0.36812455268467775	0
+-0.9685831611286311	0.24868988716485482	0
+0.2472135954999578	-0.760845213036123	1
+-0.1499050516685797	-0.785829800582951	1
+-0.8090169943749473	0.5877852522924732	0
+-0.6374239897486895	-0.7705132427757894	0
+0.7289686274214116	0.6845471059286887	0
+0.9297764858882513	0.368124552684678	0
+0.0627905195293133	0.9980267284282716	0
+0.7936917610515823	0.1002665868514434	1
+-0.34062343325205774	-0.7238616419728159	1
+-0.7748665289029049	0.19895190973188387	1
+-0.14990505166857987	0.7858298005829509	1
+0.7010453440350909	0.38540293928137226	1
+-0.5099391917989519	0.6164105942206315	1
+-0.8	-2.572996239482619e-16	1
+-0.7936917610515823	0.10026658685144328	1
+0.5099391917989518	0.6164105942206315	1
+0.5358267949789968	-0.844327925502015	0
+-0.7936917610515823	-0.10026658685144343	1
+0.7936917610515823	-0.10026658685144303	1
+-0.5358267949789969	0.844327925502015	0
+0.509939191798952	-0.6164105942206313	1
+-0.050232415623450724	0.7984213827426173	1
+1.0	0.0	0
+-0.6374239897486897	0.7705132427757893	0
+0.7289686274214119	-0.6845471059286883	0
+0.06279051952931372	-0.9980267284282716	0
+0.8090169943749478	-0.5877852522924726	0
+0.18738131458572513	-0.9822872507286886	0
+-0.6472135954999579	0.4702282018339786	1
+0.5831749019371295	-0.5476376847429506	1
+-0.8090169943749472	-0.5877852522924734	0
+-0.7010453440350909	0.3854029392813722	1
+0.8763066800438636	-0.4817536741017153	0
+0.5831749019371293	0.547637684742951	1
+-0.6472135954999578	-0.47022820183397873	1
+0.3406234332520581	-0.7238616419728157	1
+0.05023241562345098	-0.7984213827426173	1
+-0.7289686274214117	0.6845471059286885	0
+-0.5831749019371293	-0.547637684742951	1
+0.647213595499958	0.4702282018339785	1
+0.14990505166858012	-0.7858298005829509	1
+0.14990505166857962	0.785829800582951	1
+-0.24721359549995806	0.7608452130361228	1
+0.9297764858882515	-0.36812455268467786	0
+0.9921147013144779	-0.1253332335643038	0
+0.6374239897486896	0.7705132427757893	0
+0.7438211887106012	-0.2944996421477423	1
+0.3406234332520581	0.7238616419728157	1
+0.6472135954999583	-0.47022820183397807	1
+-0.0627905195293134	0.9980267284282716	0
+0.9921147013144779	0.12533323356430426	0
+-0.7289686274214116	-0.6845471059286887	0
+0.8763066800438636	0.4817536741017153	0
+-0.9685831611286311	-0.24868988716485502	0
+0.9685831611286311	0.2486898871648548	0
+0.42577929156507266	0.9048270524660196	0
+-0.4257792915650727	0.9048270524660195	0
+0.4286614359831973	0.6754623404016121	1
+0.24721359549995797	0.7608452130361228	1
+-0.30901699437494756	0.9510565162951535	0
+0.774866528902905	-0.1989519097318836	1
+-0.42577929156507216	-0.9048270524660198	0
+-0.18738131458572482	0.9822872507286886	0
+-0.3406234332520582	0.7238616419728157	1
+0.7438211887106011	0.2944996421477424	1
+0.7748665289029049	0.19895190973188384	1
+0.30901699437494745	0.9510565162951535	0
+0.9685831611286312	-0.2486898871648545	0
+-0.7010453440350908	-0.3854029392813723	1
+-0.05023241562345057	-0.7984213827426173	1
+-0.4286614359831975	0.675462340401612	1
+-0.9921147013144779	0.1253332335643041	0
+0.5358267949789965	0.8443279255020151	0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/class.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	2	3	4	5	6	7	8	9	10	11	12	13	14	15	16	17	18	19	0
+1.103931098477063	1.1137324694427062	2.929660893432376	0.8263678474871072	-0.5024439301629023	-0.9778311716440287	-0.6702242261982462	-0.3783418745400049	-1.9100911341304148	0.41080891898717925	1.6359138753477174	-0.3544401787737543	-0.7776883945882607	-0.711126068648103	-1.1632958763488586	2.881523323585383	-0.3331610016599995	1.0249635446624175	-1.204722529676112	0.9686027151980944	1
+-0.5270034201986623	-2.4370266994140035	-0.46398126201591683	0.6724964425333426	0.32128693891873533	-1.4561055975293318	0.9733737109300644	1.2635448363305384	-0.9655190314614323	-0.30440284592936967	0.2928325635717791	-0.642481126749871	-0.17778292517384178	-0.23575096986827987	0.770818433376395	1.002493460919832	0.44402946209787597	0.38673364020325446	-1.0909759530149077	0.4374172416803542	1
+0.6343790937890923	-0.7044557030990274	-1.5479925634100813	-1.1375423986557498	0.7574995244231507	-0.2586895904715146	1.2113185073849615	0.8255591814670258	1.0488550790559334	-0.013557918030451043	-0.36824556412752163	-1.8422341740345995	0.9791413360462421	-0.23658235285975457	0.3758968273279556	-0.7379662029189028	-0.9558490082424093	-0.45167227065102006	-0.13587675227718632	-0.43481791249648283	0
+-0.2749398078895973	-0.602759369823714	-0.34817063773317436	1.2165805903649096	0.08822993442548502	-0.9828118947823061	1.1255554529825982	-0.5951138391567017	1.359567367140958	1.14745743851399	-2.2691569946862655	0.9270532988002531	-1.28390481061431	0.702184505359777	1.1599689740750685	-0.7022781266128805	-1.5820069707072104	-0.1640254026760564	-0.6268539047283007	-0.5343960171949464	0
+-0.8451664655381013	0.9592831641658773	0.29032122469609184	1.4456183940991385	-2.2668849557948265	0.49356800079005453	0.9973927328851383	-1.7077448427289017	-1.525140006218017	-0.2628130337984583	-0.6987088119151889	0.12372879270054708	-0.37829745272534815	-0.0010588423370812654	3.1974829539733727	1.7610392441369824	0.461991697252764	-0.8707192095484595	0.4949902726326138	0.7113500316301005	1
+-0.6479921130452116	-0.9442706004373587	0.20181386383006028	-1.0034745347115275	-0.9369221110721804	-1.003380717730042	-0.7275212508545039	-0.1820208348243829	0.869148773329888	-0.7855214383236936	0.1360612935062583	2.0654861372867295	-1.2399203282859266	-0.44615385943239716	1.7347311831934773	-0.6314619246803259	-0.76518919295205	1.2707549044789055	-0.7323378102483927	-0.3626096934734513	0
+-0.06451309551365764	-0.7249330776348837	0.5963143554325262	-1.379225616134922	1.1667980284973485	-2.274070053731467	0.7411405179848544	-0.6631329812615014	-1.567155162052582	-0.09527290234272089	-0.7316650418582739	-1.0020134142607244	-0.6953396335230776	1.5807860908438993	0.3379535699933314	1.8800551896643136	0.37962716233848903	0.5363444440333102	0.1390867505544731	0.7390508093906831	1
+0.7576049876525334	0.8726631262318649	0.8478637181249223	0.30198299200599726	1.0101338828657191	-1.3836221562341127	1.0376123351490436	1.0937481979752155	1.3929535047023875	0.8760511854123076	-1.2981174812942935	0.3025477016355275	-0.14253519602584672	1.2887025562956078	2.1562199933480133	-1.0111580468681463	-1.2275056029861684	-0.2688763993683175	-2.2719054986176683	-0.5810422898079113	0
+2.5394320331114613	0.46034921066168377	0.8315330299051433	-0.9396024430587621	-0.37614736761593637	-0.17996331764913345	1.455421460737774	1.5223077678776793	1.1770030840483332	0.40359841542535574	-0.03766667059723912	0.2415068878754467	-0.44558826380657596	1.2774520318648948	-1.8848343873195796	-0.23434224565939143	-1.8735210102773319	2.299369468755593	0.11182257854217889	-0.41968753568332984	0
+-1.1654317335035704	-0.23406889069910192	-1.3485118844184532	0.7912949804001552	-0.19206908223922012	-2.752037662677927	-1.6014139415281856	-0.5108631934878929	1.4041570989659866	0.5382460975045578	0.012866884184724063	0.7910261496852212	-0.5285056361126661	-2.874968879865529	-0.8428605517089753	-1.4276668142409976	-0.6865704170544349	0.8660591728218054	1.176952513690748	-0.6326584957221068	0
+0.9050654404010442	1.5248626005482613	0.0537117476660896	0.10714253527293145	0.5436279322698345	-0.9162199391704404	1.1974173477959238	-1.6813868155498577	0.465763145265903	1.6525856413988107	-2.023763530020729	-1.2225052973966217	0.48905360189011937	-0.06340532135397717	-0.8428196875999223	0.9810796287807456	-2.1897236651211855	-0.5362903624231383	0.6151521853927577	-0.042643618877945336	1
+0.2854489945462638	0.3530051834614323	0.1332902420274303	-2.066453723784956	-0.2645836803644654	0.5245478462345327	0.2238241190906629	-0.48256531456153773	0.13249140142592644	0.9127282586749043	2.6474189892831026	-0.37219899010144253	-1.548077411041423	0.662893215100046	-0.8853951972314839	1.183629012690877	-1.8429271907244553	0.8100978673990902	-0.3284080793917298	0.09184768542206719	1
+-1.3227165003614927	-0.7799983027126963	0.18479275551351085	-0.14231230753550203	-1.3945327153213618	-0.0758997670485449	0.6986307702990094	1.6282076357873105	0.18237029611060487	-0.7109024225989671	-0.2724518087709634	0.4729134646484038	0.5454540297228883	-1.0722422723792842	-0.606184110109761	0.8021132176384902	-1.4211379561267314	-0.3389835320929106	-1.44904592785806	0.031348504552504486	1
+-2.197691926666584	-1.7077148903852681	-0.6449885420999844	-0.06865025280146782	0.4202392504617797	0.968886848221698	-0.005924072251181685	-0.6511305169582245	0.3998134505861388	0.892257884749868	1.3521367585609907	-0.7404970062580767	-0.46898715506363886	1.275597323305137	0.14386099595965895	-1.838491122688009	1.7359354044223765	-0.1551428089500599	-0.43232000255589664	-0.3447470104944261	0
+-0.2670710335696844	1.7812245781622742	-1.1329343313282814	-0.24423451883692596	0.7548220931778789	-1.8862883675077626	0.6526294599846313	-0.3676598535224105	-0.2448455084452909	-0.6772836861850628	0.5942014265411584	0.2375037940405147	-1.1168006401508905	2.6256144457846546	-0.6716078230151616	-0.2989663691054665	0.8587286854080793	0.4974278727895833	1.0406815179638391	0.047335395957696466	0
+-0.4829965988829622	-0.8664172853019196	0.010536697447195188	-0.24957125769621874	-0.5053469214826972	-0.5661823837482267	1.397031114430776	0.9362535725466031	0.8494481273008917	-2.3689801750315524	-0.11515634319648775	-0.8619219742938617	0.5524984188665393	1.5190033138842483	-0.9215808226333405	-2.2309955927486342	1.4288742583770047	-0.5196163599941902	2.2436594507282206	-0.5399023920325723	0
+0.988208848486463	-2.585767588999438	-0.009847287471481413	0.30217682520827216	-2.221510823700524	0.9425068791712249	0.6889213621579444	-1.0110351209554707	1.3983331823298473	0.017600206923097966	-0.49772668445684926	0.041274574202699865	0.39315819224910903	0.687759695794799	0.8198061540197786	-1.6938202943901621	-0.31675443490083666	-0.5176603237193814	0.7734409975442094	-0.6613095000652233	0
+-1.6500251948243565	-0.5881887751399346	-0.008457486200020091	-1.0255372547670172	2.883969251775838	0.6841194893268114	0.36522540717596585	-0.4063786899313203	-0.4597632229684979	0.6689473090641462	0.5824042646735971	0.3231095013887879	0.59519151467352	0.40271751266444333	0.2803223035037342	1.1596486152072958	-0.7088028618998904	-1.7236514338073596	0.5349275937487872	0.28671842601834485	1
+0.30430567959512733	-0.6926221975020497	-0.3586531509541748	0.11220827271785544	-0.6418145875587414	0.40043811487947506	-0.5627558800719191	1.5870889370740489	-1.1979020496525155	0.9287687328933728	-0.9429787966287079	-0.4694866980716366	0.5476098176306101	0.9911844589581342	-1.890064241013992	0.810682748482377	1.135044917480963	0.5813591730005884	1.5988127102205738	0.4929116267678903	1
+0.40492907257520244	-0.6514435841992149	1.8847060544535634	0.25069797962239826	0.2098594845826785	-0.8699566545276876	0.7644150970416564	-0.5372191508425196	0.8513726693635947	-1.6024845301638289	-0.23003580655162623	-1.0594997311547119	0.1503781049950916	-0.697530591149039	-0.06048301501585981	-1.225374349155504	0.06893531119317442	-0.5498117799824236	0.2629482684151777	-0.42494833533236415	0
+-0.6938752020747251	-0.16425303413718284	-0.786824522255031	1.7668617516726024	0.1351177762474505	-0.6769151658288148	1.099720527820615	-0.2108673539727271	-0.09240517052244847	1.9753281712575461	1.0326537546555192	-0.5857366554551754	2.527070920782692	-1.1314983848532563	-1.2203869916654786	0.5386023310337225	-0.5545516579065658	1.617741961423047	0.026714277801613007	0.09274673011429316	1
+-1.2855738604138573	0.9527052435093047	-0.5393910228200474	0.1406950564673274	0.6278876784461687	2.2921936458109897	-0.8296277386100398	-0.8276017374999237	-0.5691114767876203	-0.7804341795136254	-0.3115251054922687	1.1604663708722944	-0.45823039827601697	0.096940343318409	-0.4661721263852442	0.7914638179665774	-0.008781526693367847	0.540432755366913	1.2382624131362387	0.2808835720014097	1
+0.01971106661270503	0.022725782621203446	-0.7171971284211488	-0.844608668797061	0.17759075527122256	0.32351256640857523	1.1092738552242762	0.8459134704189475	-1.0092620261375949	0.3312851879047735	0.8493202690407095	0.7463122829548583	2.2751079842809023	-0.365800592740796	1.392872207641418	0.2672220726832053	1.5171222642682722	0.6271956315522539	0.12548690045124972	0.3674941717644202	1
+-0.9272485993677742	-0.3992846345441018	1.0312821968019672	-1.0164811121806232	-0.5788411209471953	0.1621555997620361	1.4878944321336367	-2.305258151983712	1.0526886159889823	-1.1927713830291693	0.35643089395408944	-0.35781685235193555	0.24420707079596798	-0.7032369510661453	1.3748594175398903	-0.265531361494145	-1.6001897901099145	1.5225430928104695	1.1284147518659724	-0.38179068502908986	0
+0.8466872377493828	0.21453403707113433	0.6877174913431068	-0.4470343315836607	-0.9060867789442381	0.22357751470350606	-1.4313384494982322	0.7146958272683516	1.2868876187481681	0.6108180939736211	1.6680351279664263	-2.2704132021611114	-0.5699517962545901	-0.5390686415774785	-0.6652888855585158	-1.9249041040915857	0.2022499134735356	1.4692083028521956	0.9692133398427439	-0.650684739883086	0
+-0.601702497867707	0.03192366589002642	-1.0154893571166628	1.2277054932407083	-0.17345609362160444	1.3508013650170736	-0.8603704762851204	0.7158372997438407	0.609842377909055	0.26686482080895313	-0.21636159151507584	1.4178789398571483	0.07902571896854252	1.6204683987456092	-1.0280706824933712	-1.405364977188804	0.7610249189649491	-0.7259753124258116	-1.1264854630318841	-0.3650429101933015	0
+0.2407422845881994	2.8857517953922764	-0.023980761898605114	-0.45619206614093344	0.6177594707762792	-0.08768373982573438	1.7598211003608997	-0.031028697570925873	-0.49143266590475054	-0.05864391264016893	-2.2134606073911924	1.0913309075290665	0.9117965623133085	-0.12278570026442888	-0.8739999199474732	1.1171072920808645	-0.5925089707550872	1.2372535126873845	2.124745399513117	0.2923959583087956	1
+0.17584571165005292	-0.8511320881692872	-2.2051034645754948	-0.6116310759188245	-1.2047158798971238	0.66839521890313	0.8991245292770655	0.4741248277718854	0.1760900687774567	-0.6307555906525206	0.9535866516994639	0.9371915337062796	-1.4228495469631228	0.16029074988453906	1.8555455403701624	-1.869116730286061	2.1934384645923486	-2.281305792694086	2.8097011435732293	-0.2736139860084672	0
+0.5242236519537231	-0.06307879670506915	-1.3294456177962388	0.8242892015046335	-1.081258571215189	1.3449502719441988	-0.50356048600791	-0.38621990548929036	-0.05314119332051215	-0.45271329511708064	0.087257980752205	-2.050905763049373	1.1197161016785873	0.9167469515279244	0.687592786751324	0.8579972616602627	-1.0583875221093613	0.7563768879274201	0.37967322200031345	0.11635935179374274	1
+0.558346902284024	-0.9309696527726209	-2.0842708835548924	0.030877752980638058	1.0396388948858852	-0.3022844248616988	-1.277629080640249	-0.6294458606293386	1.238756470825371	0.13639753659343484	-0.3188074229604005	-0.9443200259389776	-0.41149095236240474	-1.337165050885127	-0.33733841113672913	-1.0953021286821771	-0.8271589650497895	1.2703115446925113	0.6531758521433048	-0.5392612125425414	0
+-0.7379887070817857	-1.2626042854762183	0.17912390469970796	0.32669169909966733	-0.5343938353030584	-0.8617991799058063	-1.0231988412194268	-2.38861407368411	-0.15825189124877934	1.3263448403293359	1.7165027742351253	0.5384660112416041	1.3283330921381156	0.21309224825039347	0.9270035239969678	0.9968859637509941	-1.0501783925356227	-0.4559683500449692	0.6819648840132921	0.16739862639293818	1
+1.4476040528943543	-0.6314322515594253	0.14853198602056514	0.1396675784886334	0.016672373423269438	0.16564178605539887	-1.0040158066788205	-0.5327923727826095	1.147051857581131	-1.1417786944082575	0.44682624679647864	-1.3120985315266447	0.7869814652437135	-0.46902780374760905	0.7464021537026985	-1.153959736241712	-0.5774434779881016	1.8363081603106133	-1.7651938506826501	-0.5154033311511862	0
+-0.694949123737318	1.4480014208760492	1.114733892631557	1.3552725615328403	0.32870245607283527	2.182275910834502	-0.43728724254382445	-0.32108899071015246	1.7059375939854156	-1.0144720406973653	-1.1268282836571295	0.9114744851303214	0.2876311214263635	-0.9194792276680201	0.8712160137184647	-1.6822107044034538	-0.9046542625496667	-1.2265674316518074	-0.08885766708388806	-0.7626183729066613	0
+-0.4951739548431622	3.075573893432424	0.7125389403746353	0.7127480011897636	3.85793967348964	-1.380114296433079	0.830819563694863	1.6659047027918155	1.692437606180482	0.132962280436304	0.13986220576101485	-0.8782681675417305	0.692696057131838	0.21421904746683115	-0.08289852500467178	-1.697739157869832	-0.8585956144545324	0.3596237434172795	1.0687856807518747	-0.7598986082131621	0
+-0.24659729953406678	0.48028838228527204	-0.021175774300496716	-0.3664962494470602	0.01003713940839754	-0.25227004044698087	-1.9569675522430627	-0.22013056376799153	1.0072449553370086	1.490533097267343	-1.163235822180662	-0.564484658307677	-0.6542808538079327	0.3252062923168107	-0.39939137701024663	-0.4953677656109705	-1.2056522392978473	0.33107168261445835	0.8604754069049109	-0.3930464701607799	0
+1.0901528926431487	-0.9453346120985947	-0.4729131940164531	1.443087583454784	-1.4130407277334363	0.24204583536789437	1.5221528599715186	-1.4925201736211136	-0.750070599045198	1.0925633619786013	-0.6563789851711918	2.000672024084738	1.9550554438780816	0.8237126081224749	-0.32415019818829954	0.3320842417897454	0.947459986817773	1.746256318275166	-0.9194491847633625	0.28846144012404507	0
+0.8621689184981023	0.07355255089438108	-0.8847286012386693	0.4796962084572591	0.5677535540962639	-2.5289475108846857	0.7483241867237762	2.288635291333243	-0.4638726726966315	-1.4726571262457677	1.2522315626273022	0.9146566431112833	1.3432368831212602	-0.1516899652786653	0.6523101983645719	0.8002795439355803	-0.2164492931029829	1.175609480746336	-0.5899674340661235	0.2467801870809084	1
+1.8327334301292564	2.7250208073497655	0.8850898918686639	2.02577923393804	1.1993328107538388	-0.6080810819389247	0.45076298555579936	-0.8695507065224324	1.4966446042512176	0.9689045577333327	-0.040195475275759104	-0.8394777244112416	1.3016102245353771	0.7079943796338916	0.170770931967963	-1.9468700714932357	-0.1583369501288343	1.5860651416439473	1.5303010308595233	-0.7232027745913409	0
+0.45675680055100876	1.6862402750755072	-0.3339099307005731	0.9727972485358709	1.5405555309799355	0.5095493726194038	-1.1769248912579864	0.14688445026802582	-1.8923413151325892	-0.3597035854371358	0.034288605346101064	-0.1895277822930986	-1.5451347924726995	1.2116386663488123	-0.8476549112820619	2.8325772842721397	-0.3001639683766244	-0.38212536558313037	0.30867526144867835	0.9570534912074047	1
+0.6675880922360743	0.061607686265927775	-0.5240201725381137	-0.2997158513385201	0.43035789354356024	0.36247267480026046	-2.8186530025073595	0.05633894424120396	-1.4240630471371363	0.9417552666999109	0.8621190134296215	0.827177562356735	1.276247945989341	2.297885578997527	-0.646962111575448	1.4674788351942492	0.6699042159445734	0.5558064722220939	-0.8570825503940438	0.6438772343953656	1
+-0.7230597875372071	0.7389509974901849	-1.93022327109422	-0.07844206283832174	-1.8155995691953226	0.4605439023890654	0.33409134205811086	0.27987375745446136	-2.1891803361957525	0.814324613537393	0.33687080618689497	-1.1366259127066474	0.38265856161425904	-1.6119503393696952	1.2140595171215174	3.690453997873541	-0.9050341895489411	0.9404548194318197	-0.6885408976578092	1.1547176268987822	1
+-0.20429550994058496	-0.7742446220627313	0.9314007484353164	2.565917360177608	-1.93736462781153	0.5384714676400842	0.9863681649066736	1.483178916134393	-0.9316097044806316	-0.5277830403219427	-1.328483968518206	1.1375377820834534	0.41535786515366985	-0.18726676450257188	-0.05624642393738156	0.046686315886620644	1.6701180226287295	0.4152987016284749	1.3110909185719273	0.31623204667724564	1
+-0.26759192177397656	1.2033205926353625	0.049037461548016935	-0.26722530141904327	0.9561499786482655	0.5229173631509835	-0.9762315218209106	-0.10777619396316224	1.6028516387787055	-0.4694062226879811	0.35280658284312694	-0.0751525704189141	1.3547691398570894	0.8054921061469411	-1.4257562814463445	-1.922437446100354	-0.38886964310660965	1.2860174671016282	1.3242380220962733	-0.7558340808429282	0
+-0.7430459223148423	-0.345025274037323	-0.6836501416815086	1.1810021618172988	0.4137586484133794	-1.0717355675879099	1.2401898182121198	0.7045354278052993	-0.9063430103781079	-0.8859252495127169	-2.1418516144035475	0.10342901781618742	-0.30175139488690217	0.527387687628702	-0.49581833514279516	1.0261169886240376	0.302080558087638	-1.1807980275906318	-1.0660552581621128	0.4203865372286456	1
+-0.8856978941958283	-0.5611773427197669	0.23925986087456783	0.0915712442891479	0.9195436457578192	-0.3182853136155345	-0.4101120092081721	-0.07936631605575531	0.5178580879150084	-1.645607964622266	-0.09891912036094928	0.06812570823584903	-0.07149411774529733	-0.1378586963310319	0.16979751913292426	0.9737023906726753	-2.2766864166854184	-1.2674959941594357	-0.16935301763051838	-0.06087500479564888	1
+-0.8347002345785401	-0.5852677365383244	-0.22290652406605962	-1.998282087632246	0.27650295204355396	-0.006598203487616498	2.2812721074024944	-0.7372621615773305	-0.5524691100306179	-0.8106258122291109	1.2972505366193468	1.1535198870555938	-0.9294976841312648	-0.2885403301648238	0.10382736210532115	-0.023326105815496323	1.059228248788412	0.34421346303858386	0.5515401814060694	0.1816700680401573	0
+-0.59892262579212	-1.6376756241371526	-0.378736298456714	-1.0418743710911664	2.5492856987737014	-0.6615569434901911	0.006317661817300752	-1.7976375781681988	0.046863996948282666	-0.3823403780460225	-0.13210003839031914	0.5417126512741955	-0.823533424001803	-1.3644765720109107	-0.9859808115749349	0.7527993867760319	-1.102540208655706	1.9406228046678644	-0.28559377932836866	0.07089647899954139	1
+1.3925260779906183	1.0778035873134737	0.07530237581078959	-1.6645104329617095	-0.05818985492234962	0.563949339433897	0.6791380636681086	0.5219979705833208	-0.6360766994468067	0.16841451395907342	-0.10405164557505987	0.49256225202705956	-0.5383113936858084	-0.30229931902300344	-0.3925687758796	-0.8161226282106238	2.2840703234313273	-0.38465598282466923	0.39058426076124503	0.11843675039187236	1
+1.1352016674683758	0.5648569127221107	2.397073067233959	-0.20268282272443056	-1.0917976649357448	-0.6601392708428152	-1.9445402822954807	-0.29178644639701495	0.2751710745518691	1.0097935422904265	1.5387536595031532	0.26393122365044175	-0.46273031364217426	-2.2292589330885986	-0.9134206948382958	0.8401731701415269	-1.645111014559415	1.5562083709832442	-0.1089062616381093	0.004757145532405901	1
+1.098875986566869	-0.4022899215971822	1.5175361283542563	-0.4806321621688906	-0.2984356710923274	0.6355011681954533	-0.5366404268123247	-1.2703180389254833	1.516758047371705	-2.132910373907718	0.025191903274544	0.8231244016664833	0.4804114112715212	-0.2851808701227014	0.7592043314019562	-1.6607300610426388	-0.5816933219806619	0.3696111506737348	1.0423327430213356	-0.6970225369060598	0
+0.8101916422542774	-0.6863958655184795	-0.5296495025503906	-2.593049387823186	1.3099523237532418	-0.5560681594651091	-1.1332472710708152	0.4487887875734142	1.3556075253585955	0.10193764725371153	1.0604911834109119	-0.16433173228337156	-0.24321111498677203	-0.5777727170864493	-0.2805096318513892	-2.591494319646014	0.9734907223316764	-0.4208166097429164	0.28768107786745795	-0.7502402390626048	0
+0.12340670941539608	-0.5283333516589073	-0.8105601159173703	-0.790472710889662	-0.4072015719616529	0.2499136810467275	0.7000452723146847	-0.7368148416525208	1.3152294000156877	-0.14471976544476078	-0.09180805144899466	0.07455981071053643	-1.7390992728519505	0.031047952046710476	0.06339992712334852	-2.68682916947328	1.1771921941427486	1.9998578404574014	1.2720349278692757	-0.7477253587693696	0
+-1.8463416145538356	0.9877470273404159	0.6090995914299342	-0.05454962931514019	1.5957629012804186	-0.7274708346047783	-0.4881110169164618	-0.10746411474278562	-0.22966924089385501	-0.41243382161399256	-0.4533996984310992	0.6296948056302356	-1.1360989745400003	-1.3017565892197434	-0.41546602951164513	1.0106305929502466	-0.9358580686121462	-0.8522489506584864	1.0907946273414781	0.1928095681182362	1
+-1.153885792720572	0.9710150739398405	1.2485130631114325	-0.922849593193101	0.40944806598520256	-1.2377573117811096	0.055893360103507414	-0.180323324487924	-0.9518528082448592	0.49790841207097386	-0.7935082792305357	-0.13442562190597213	0.6807164316349167	-0.7735959733304064	-2.338273386722357	0.09862297814391718	1.6377256011208965	-1.1446482896282357	-1.5573740255791648	0.32895701815399	1
+0.38416436496131556	-1.4737655176136435	0.09207904862564406	0.8282908984570213	-0.2281547965833843	-0.6788102101595077	-0.8116419957449114	-1.1963099714035128	-1.5560108513806363	0.7831220308214599	0.11250426233136833	-0.093173526942104	-0.22085148462505744	0.5748209312636592	-0.028677866459869465	1.8567762034490851	0.3902933933742653	-1.3867146526153864	0.009430420454783334	0.7326561834289222	1
+0.5333662646860791	1.2619572530223984	0.06886762106070753	0.8686502617410066	0.6091057104482803	-0.863695134710848	1.2455241795966359	-0.41089883250021403	-0.7780948095240008	0.2657401234141504	0.2092762944699149	-0.6045175428606584	1.1907316086258812	-0.6255334005329436	0.5106942988951843	-0.41078796254386396	2.001562705082795	0.920622863636502	0.11248681150043587	0.21241951185988145	1
+1.5038046653372112	-0.5482813446368637	-0.3641863572992026	-1.1327291781835451	-0.15806847832806897	-0.7192061272862257	-0.6950098823438737	-0.47009316461768835	-1.9377149832346678	-0.35779084437972	0.8451070985370979	-0.5080798628815741	0.5485566605075846	0.9761767931804848	0.43925107369417943	2.957596999924257	-0.3843783591548495	0.10415185780639113	0.9951843831205078	0.9865650926014994	1
+-1.9728640480783795	-0.584889332459948	-1.7115830531175702	2.1324867288289617	-0.5256451948154732	-0.13207671471324264	-0.9292471979014248	0.3506928143980163	1.3092760133267836	0.5398129189913056	-1.3559078555972999	0.39841641960968166	1.2537261342634507	0.9637445310773097	0.5431731800991407	-0.796177135299726	-1.3618004012670868	0.15859859636139104	2.7213336098665635	-0.5284081777192728	0
+0.41614597578860496	-0.1679131727874871	-0.18337459189215918	0.6847631554909649	1.4671555504106528	-1.0600082591583286	0.7597959068113311	-0.6926816136990898	0.5399648494662486	0.1429569524514458	-0.0482216355946755	-0.2086217318530937	0.6610574334671373	-0.31480674559033817	-0.06162756634039431	-0.7644973510153209	0.026631685382698556	1.2830307747086311	0.5078271760432795	-0.2680579423040609	0
+-0.012045236853271031	1.6925906279849425	-0.43238636618530835	-1.6847064151587414	2.2803112732391826	0.4504456177691022	0.8841718182048186	-1.1106346720321985	0.49231132027988483	-0.29108659019024025	-0.37667434221349183	-0.5384799446573829	0.2080936834521666	0.7315635547473112	0.5624562546330725	-1.0760533706627082	0.5355018164707845	1.580659829411814	2.135839579661295	-0.28797000142125845	0
+1.49961056170431	0.17185882517030615	-1.1299710458171193	-1.0986042355701349	0.2380742569517034	1.3281321131436516	1.1167682468088798	0.35564438892659067	-0.8928006143434813	0.14614254213307512	1.2829097566144694	-0.013688855208146944	-0.45706533906364627	-0.3062063943698761	1.9034164161920542	1.0929212167523317	0.1867834374796813	0.7587214440890531	-0.3029040483924579	0.42354677628115955	1
+-2.6545414330136725	1.8356854615940046	-0.5457976028267867	-0.9275320032879893	-1.3283248730961463	0.6232216740312264	0.596469164632437	-0.7210278452213854	-0.9118316286209408	-0.24928762363265858	0.952868090977543	1.11694972800202	0.5416161166668478	0.20604165648494577	-2.533714900686942	-0.016083961019089266	1.717987671558801	0.5450784715193229	0.5568882027647745	0.30241692371509693	1
+0.6668801993571806	-2.3053224234261527	0.48468627798385755	1.3546263068343696	0.11873192576862872	0.547052797574943	0.719991138685963	-0.524434980542717	-0.46901795027526905	-1.0137197024379423	1.3569787876682777	-1.2845045596199125	-1.5523887064375035	0.2108731700382351	0.19659506908435523	-0.953106011799891	2.1580484593930747	-0.2561154143302568	2.0759505803869307	0.04694527263670476	0
+1.1311811909202247	-0.6933878511104847	-1.265057694018798	0.5183435151558969	-0.07684033970519674	1.1988239385167685	-0.9469760525902353	0.5391724452767099	-0.23426383767301404	-0.1090739625676252	0.21359010083019977	-2.268619962246101	-0.7529456042925735	-0.8425159924738271	-0.05816611715256052	1.0977895592955997	-1.0448686711150859	0.9636968648987307	0.5900261263151266	0.2043616532143112	1
+0.3136974470241752	-0.8291825633597693	-1.0372415290485972	0.586065961267128	0.12771181052702799	-0.7640402478085184	-0.5004744114139862	1.6608354030583428	-1.5278423539544295	0.5708166717972424	1.5345529929213104	0.6876259510533493	-2.091922245950683	-0.3022998396168013	0.9114872277854996	1.766640084108124	0.4594646315912676	-1.1409669611458368	-0.7203819922636215	0.7128955852536363	1
+-0.0843840216296024	-1.3820347260227162	0.6397705674189378	1.0854940115848073	-0.8750993854125558	-0.5369047713298828	-2.6192806035910072	0.6701565503321437	-1.84641452901824	-0.10678367894303217	-0.7624907593835051	0.5861653271698655	-0.17704463664703687	0.7085263301324782	-0.8713026470236783	2.69143441504066	-0.19523201436527637	2.1560252861535147	-1.5795988238989795	0.9255039639597403	1
+0.6790203045104227	0.04209531864771717	-0.9611185195569437	-0.3493805390110045	0.3752751708285271	-0.28824269480756903	-0.0899568402734146	-0.7077880082031884	0.4219096981099068	-0.4093739891492758	-0.2055219060653654	1.3144282945889445	1.3487878682901	0.4293192866086668	-0.35331772809174306	-2.2826706845081164	2.29392855287745	-0.8770797047105753	0.6595634650916563	-0.4031787064662481	0
+0.6325447969724978	-1.5376848226493998	2.135545601595113	-0.7169675793179096	0.7929518975841817	-1.9315293250980572	1.3897142939008622	0.24930998597507595	-1.6440687479969183	-0.3704887551777182	-1.23787039502056	1.1836559269554183	-1.0938410824485512	-0.9895111468738925	-1.9260882651788052	2.109489705785208	0.21325468197813358	-0.1667210430129357	-0.4438538195629017	0.7910893416120955	1
+1.385783766454507	0.6443593624326104	-0.696350741910387	-0.823087860995007	-2.674354948547689	-0.49104596911569837	-0.14505356097389743	0.08649405653783686	0.32769430695483825	0.5845207431072055	-0.24481231922778438	0.8116910518786606	1.1430734254415746	0.32847783781427603	-0.24814981566368804	-2.8145262786887635	3.1865533860467052	0.44909883424446956	-0.402495596969506	-0.4328771627918769	0
+3.2529008023011587	-0.27166980167059496	-0.10473605798933078	-0.6534723222613076	-0.47729389928282157	0.19299500589830051	-0.24751855177125084	1.0219251961145952	-1.3171347334030596	-0.32230874972038603	-0.8110222905403106	-1.1322412716856916	-0.4661557022161254	-0.9471392661729446	-1.5958813690320397	1.160984081252255	0.8843769178013272	-0.035928362941471184	-0.8154578692172377	0.5729651158375776	1
+-0.9552158838227957	-0.3785028025591672	0.23351936921649144	-1.365343241823016	-0.6359698186412605	0.2872129861981349	0.01632286834064877	0.9912188508026412	-0.4305595490234799	-0.2605126207976518	0.3214442712943701	-0.20958795245614859	-1.4526406739111428	0.03730765585464991	-1.3274909827312888	1.1647254348024332	-0.769978389629172	1.0149522887472011	0.27653105409089324	0.27755713923924	1
+0.6551705283348923	-0.5615847942521986	-0.49519737438896855	0.23737629933432333	-0.4143994932544478	0.5167863504871545	0.3437170326220349	-0.7014811472600427	-1.6077015111257857	0.09451199914284816	0.5398998770150264	1.7475220863842662	-0.7767689612363475	-0.2216084475817371	1.183412573203491	2.0036214776598777	0.2883927875098986	0.46301689909689936	-0.5918632272605117	0.766784528636304	1
+-0.3361436284769567	0.1823427274870421	3.334203517597432	1.0128962309550167	-1.8811146489414055	-0.958168335581346	-0.5484922802752095	0.11760845626656423	1.1468147240921671	0.49875048880422795	3.1733905239619795	-0.0526349697724523	0.08652484860757291	0.5769340599430341	-1.0778260770671824	-0.8829578732735933	-0.9425233847712056	1.6033719963489919	1.8445232062556762	-0.48417251502812303	0
+0.9050528629328798	-0.012035767922212968	0.21306591909620448	1.0094897718684082	1.8398709351830922	-0.20939878024355807	1.544249561568332	-0.5558744255462802	-0.14830157676341127	-0.9129893226159165	-0.9052536407792096	-2.185153803257982	-0.7555250892846609	1.0407174952822522	-0.45036832301510676	0.8342667153934721	-0.849352027222355	-0.9657156624472774	-1.0122112207459872	0.1453852453196201	1
+1.178239159200306	-1.0652461548210312	0.32928250529485964	0.16713678370411497	0.12495397935004156	2.745117964775073	0.6030536979033265	-0.5722638992074314	0.9615416437730038	-0.44340798605665754	-1.5164304957203023	-1.0614676369216434	-0.08605564337254189	-0.15484845483449294	0.7389539007599524	0.7502907577776994	-2.800745114653922	-1.9836209428041778	-0.1788939995187421	-0.23460734202135813	0
+-0.022012467048051917	-0.2980589001770356	-0.9287657608462492	0.2022550669003972	1.3583611934492914	-0.3473542636872249	-0.08008290659022492	-1.094868489559057	0.3797735402439996	-1.9003696914644261	1.3733264119781319	0.49468129909971936	-0.5266982026448499	0.21506804700839205	-1.0239364192571805	0.08708817019212689	-0.8239609000108052	-1.0562806080043665	-0.6782509079000207	-0.11671445720024777	0
+-0.05535106725613376	1.897495684900051	-1.2961422703619865	-2.2362527882016288	0.6062782036825521	2.4944056179800698	-0.3652339819814644	-0.4307541449118705	-0.5320017432805376	0.42491286095294456	0.8968935558620045	-0.3501200079640903	-0.9035207258064066	-0.20458977846842988	0.6228215147539629	0.36595471824159787	0.4960995217769678	-0.7661022207718267	0.046327557310846944	0.21958825180654357	0
+0.4892337648335795	-0.887961134764646	-0.6575191404509574	-0.9041652092433549	-0.1504880604676619	-0.14829295739477777	0.28675094725200034	-0.5695736471796179	0.15975525591910827	-2.267876921091358	0.3074302518646544	0.2859729425182367	-0.12518243894874598	0.5923394212109696	-1.4363920287788075	-0.9059221277254496	0.9246917409852377	-0.1251848370827014	0.07971000908831376	-0.15744397774867594	0
+-1.7231933239653434	-0.24801134827199994	-1.9898222399382914	0.7656954261085819	-0.05483023725936617	1.6169399021897064	-0.3967249498631411	1.0323459107790158	0.9731895081194355	1.0303924263130786	1.0329180459160618	-0.033547027338664666	-1.0624411368884286	-0.9342158375564429	0.05971477069293665	0.25789653038454863	-2.1582838562759	-0.2780337171101295	0.7441495680026682	-0.2950948350858021	0
+0.16933309281863	-1.3713232471471188	-0.28145821900384405	-1.1300262257452833	0.5588657879489666	0.18393634027606567	-0.33064387147695085	-0.2728913561712938	-1.5796081028817355	-0.059698139612798386	-0.5305183143587244	0.4522332723500524	-0.35850443734187276	-0.6618912758728542	1.105836446597426	-0.8045286988938815	4.02369826067075	-0.6441278738693271	-1.1617665339422667	0.43461303247631455	0
+-1.8460295965152045	-0.255975214092637	1.0540424748134019	1.3190200056340993	-0.9984660716843727	0.1252126858419551	1.479116981117545	-0.07780687825586112	0.1755389386980704	-0.7247573669263252	-0.18580560212243427	0.4759463602670577	-1.079448951686073	0.5844426958957524	-0.013805770284701622	-1.7460392281016928	2.0284596495593634	-0.7858761582110539	-0.17228886477186073	-0.2592823117499626	0
+1.8771428706377922	1.954430088902813	-1.1616019467282765	0.5673334205644196	-0.08799540550164092	0.06644430233106957	0.5679433816499357	0.42441824827810354	0.1518278594250636	0.4306132751340653	0.0692509618345264	-0.1016379743818435	-0.5693165703158743	0.2262121311410064	-1.190784254860191	0.9589244192715091	-1.5758227297795224	0.32702615652721884	0.9015922583874204	0.05956556043266634	1
+0.15323002771333824	-0.3966186853856485	0.8421724903224964	-1.317627725338646	-0.33858048238968697	-0.4090657931046078	-1.4582418462866669	-0.6594840624629351	-0.4004108226455998	-0.7863950304118423	-0.7665729756746352	-0.010906592167949567	0.453194204359973	0.004008795533567026	1.3681052191345213	0.8285147180193451	-0.37259127080818166	0.7918792014178204	0.013153036557870796	0.22884946912013177	1
+-1.0926888646283135	0.7474034182399546	0.5070475019762871	-0.8560620219978579	2.019086116729861	2.7090019473659184	-0.5897085867477189	0.46800068820276425	1.1973925923016058	0.7580424981657605	-0.17689686434453186	-0.8134248245767957	-0.8757308415987771	0.1763704781550424	-1.199439969467994	-0.8989032076979058	-1.0151074498008397	-0.2667781642372559	1.5593148568891022	-0.5028825773221669	0
+-0.0696156591485477	-0.3955656348590421	-1.790003919076157	-3.209955381978046	1.7551741656764832	0.11653331605849324	-0.9325834567618385	-1.9081847831366037	1.5011366872997127	1.3655901991926498	0.714532047991697	-0.6735645547992268	2.4009183113212806	0.2753934759411781	-0.5586953357167566	-2.4248580602515304	0.4780055133333252	0.22430285295477725	1.5235848315795288	-0.779646482652198	0
+0.2383846452550063	-0.3130077315757537	1.0033975572213907	0.08864979057352633	1.6717911886146681	1.3347307577271426	0.12355262918532725	0.38378884838187516	1.0545758256277624	1.1966614601200112	-0.10788917679723521	1.5477291028255866	0.2484946248806814	-1.1366727112923867	-0.46484257027188	-0.6665072856921015	-1.062873534624194	0.8876717808262652	-1.3245780959402302	-0.4285126387910002	0
+-2.008942616762241	-0.8234988716333305	-0.15859132011071364	-0.5779462669917929	0.05687216122626013	-0.711741585516688	0.30663585257868975	-0.7322607097367665	-0.27918196650116295	0.23889598302964352	-2.89224040536514	-1.8338737352874381	-0.03502705018890768	-0.04826170379593097	-0.5084528851522548	1.0144555813357954	-0.8489078616442869	-1.5316018230959503	-1.9059055368464786	0.20977097201525036	1
+-0.1704564684096478	0.18971879197958597	-1.1844114274105708	-0.8546727892795731	0.09277642496734965	-0.1366293792823912	-2.048671922604096	-0.3357568385230854	1.4483592899951359	-1.0696662666401626	-0.2329845615794952	0.7837860781804775	0.41841523883774684	-0.8676594983663888	0.22583874577075078	-1.695720544464892	-0.4072557367301234	-0.1977972902611956	0.02359749586524577	-0.6782209637144826	0
+0.3239072506712229	0.7771447267055485	0.7529184295240164	-0.809273033397095	-0.5856061645692245	-0.6334300503835257	-0.7685061144460843	1.0110108162654712	-0.6307900736125656	1.0720688438114894	0.7375706675328788	-1.2970277152025405	-1.0622293344492408	0.12369973790391253	0.08645024003597679	-0.8294853204395023	2.2922588248961673	-2.306182941147614	-0.23693404546697278	0.11513663282079874	1
+-0.12031642840440407	-0.055598926892828825	0.29442208903978195	-0.08405908275243704	2.5707645107660437	-2.2724393778493805	-0.7091400944632673	-0.01527361681359736	-1.2630992116666893	-0.29672975912512006	-1.1604505895963486	-0.7448891733298583	-0.7216707082208504	1.6347076109296752	0.2543420370586476	0.9986464179201701	1.0028111182919377	-1.0099153635800724	0.6364125215344348	0.5362734706812686	1
+1.0759409181533681	0.6338708137850724	1.059455516811933	0.2736075032324234	-1.1004879462237114	0.8983820725024066	-0.9152704846639929	-0.8347039847535137	-1.3994538124984017	0.06937008395653746	-0.4322117530530746	-1.297471755359271	-0.9256383920977915	-1.5287869947378168	0.46665199638203264	1.3984163949968078	0.7172731124783118	-2.1595920504682318	0.2178924553288528	0.627726734926914	1
+1.1631257343736865	0.7161109143496656	1.165181781246556	-0.0970197604214342	1.770668260834617	0.09786380091576943	-0.25203469271235573	-0.07117035012372852	1.2621614052889216	-2.204226920077547	-0.833481645415412	1.668179441254334	0.6299876168291397	-0.4391047192362273	-0.12336287720355432	-2.4752753514344055	0.9905764766530935	0.16824138572933983	-1.108371640458861	-0.7056991628790823	0
+-0.4653767839296524	0.5706552646301977	-1.2510825198094822	-0.38542737502404606	0.5418393251037328	0.8696564647003973	-0.2677426807372017	1.3874400614164746	-1.6989225614176242	-0.8543980754353178	-0.7126300388983264	0.39242735549607893	0.7427861661062981	0.23731164772086588	0.17840259925316965	2.264950231927068	0.10561848543619334	1.7893962060023398	-0.33937719999794	0.8272635120183163	1
+1.0658262297925543	0.2245144207327693	1.9979515177687335	-1.3687162010707115	-1.1274591498928925	0.6453464430821444	0.10571095020938731	-0.04489492214522473	0.4070092579150457	-1.6549967992364703	-0.1861816445428681	-1.0013467840435817	0.13042091725382485	-0.9328609421342365	1.4771353822876396	1.0854915441340736	-2.221251309417225	0.5725567515972323	-1.1577200461261594	-0.011036089287608658	1
+-1.0583794427218747	2.576977679031155	-0.5895820679190702	0.13438281144361666	0.36102541634537905	1.5183620699261768	1.5873212424728582	-0.7273069057149364	0.4522026560345715	-0.02860552628379647	-0.018212347104613166	0.687677616154882	0.5422573331869172	0.10659762229930982	-1.2522775141080984	0.7277335248049872	-1.8227895144219035	-0.7301662802248373	0.9715535632493052	-0.0672408254641321	1
+-0.1099953959208559	1.6635363107373078	0.3272453529764515	-1.4246555886796946	1.2410820871966046	-0.15951736500333072	-0.661937714925914	0.4234572818376501	1.1246881843788494	0.9529594279919252	0.39143861927191975	3.465227148479317	-0.24134874955198468	-1.0945571896156956	-0.9833626436429376	-1.480187693017323	-0.09583127396217472	-0.31134706056867467	-0.6248721853412322	-0.5454408106982881	0
+0.9291001132966914	-0.1708304076874391	0.5364439368681257	0.2630766894332881	-0.1295965590136687	0.9929416493373554	0.7904280904722739	-0.01912275129904966	1.5057113544481104	-1.9314128569290476	-0.40508326392063543	1.0918159072154612	0.1881369570559398	-1.213691539345214	0.02421534060406341	-1.96631401509566	-0.14897841915958698	-2.1313146599852018	-1.2710579854942345	-0.7284633084773273	0
+0.6336131127287113	2.0333233170635046	-0.022356711144941453	-0.22007309599774338	0.9282123550423084	-0.787901129200937	0.5812629099886915	0.377426024051308	0.15067520175237897	-2.340925516401822	0.07371157701560777	1.560723423781778	-0.38910754054643126	1.0173191686261756	-0.4198460795464502	-0.4257545472403689	0.2939445657648525	0.6855820937261274	-2.068890495355913	-0.09921878204870066	0
+2.049778771444076	1.3048378295965286	1.563792608618236	-0.7047392202425459	0.5499305970570395	-0.04884518704139992	0.5223109585785488	-1.4893434370374596	1.3606389947395752	0.3899429971033616	0.055686488142052015	0.8438100462780511	1.6850310129308619	1.2652993760910154	-0.2279594058376745	-1.9365760629271713	0.0807919955941725	-0.6380407350109051	-1.0466273798176675	-0.6766362607223333	0
+0.630742979769623	-0.12660063112597814	-1.1219892377344292	-0.24320231504242704	-0.11846930012185257	0.35618373486097415	-0.35432027228237667	0.6830976831702715	-1.2988376519016114	-0.12917328933680922	0.4878147649765918	1.6226344780340827	0.46020710543895615	-0.9537377215409267	0.8308526010187456	1.1069055404414496	0.9232784698807094	-1.2718116679596179	-0.5666412777157238	0.5606432963172591	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/classification_report.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,9 @@
+classification_report : 
+             precision    recall  f1-score   support
+
+          0       1.00      1.00      1.00        14
+          1       1.00      0.62      0.77        16
+          2       0.60      1.00      0.75         9
+
+avg / total       0.91      0.85      0.85        39
+
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result01.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result02.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	3
+0	51	48	-73	3
+0	58	65	-49	3
+0	43	61	-49	3
+0	45	43	-79	3
+0	42	60	-98	3
+0	50	55	-59	3
+0	53	53	-56	3
+0	45	44	-61	3
+0	43	65	-84	3
+0	35	52	-75	3
+0	56	56	-70	3
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result03.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	-1
+0	51	48	-73	-1
+0	58	65	-49	-1
+0	43	61	-49	-1
+0	45	43	-79	-1
+0	42	60	-98	-1
+0	50	55	-59	-1
+0	53	53	-56	-1
+0	45	44	-61	-1
+0	43	65	-84	-1
+0	35	52	-75	-1
+0	56	56	-70	-1
+1	-61	86	43	-1
+1	-67	93	15	-1
+1	-59	94	36	-1
+1	-50	92	62	-1
+1	-78	91	70	-1
+1	-35	87	47	-1
+1	-56	91	52	-1
+1	-61	81	46	-1
+1	-83	78	34	-1
+1	-50	87	45	-1
+1	-67	73	50	-1
+1	-50	97	45	-1
+1	-61	111	45	-1
+2	-109	23	-92	-1
+2	-94	20	-96	-1
+2	-85	26	-88	-1
+2	-90	33	-114	-1
+2	-63	9	-106	-1
+2	-79	9	-93	-1
+2	-99	26	-108	-1
+2	-81	19	-110	-1
+2	-108	21	-108	-1
+2	-92	27	-106	-1
+2	-88	2	-106	-1
+2	-88	15	-103	-1
+3	54	-74	4	-1
+3	42	-92	31	-1
+3	39	-99	-7	-1
+3	48	-115	-5	-1
+3	39	-96	2	-1
+3	31	-109	9	-1
+3	33	-96	-8	-1
+3	23	-102	4	-1
+3	38	-90	21	-1
+3	34	-107	1	-1
+3	35	-78	18	-1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result04.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	1
+0	51	48	-73	1
+0	58	65	-49	1
+0	43	61	-49	1
+0	45	43	-79	1
+0	42	60	-98	1
+0	50	55	-59	1
+0	53	53	-56	1
+0	45	44	-61	1
+0	43	65	-84	1
+0	35	52	-75	1
+0	56	56	-70	1
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	3
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	0
+3	42	-92	31	0
+3	39	-99	-7	0
+3	48	-115	-5	0
+3	39	-96	2	0
+3	31	-109	9	0
+3	33	-96	-8	0
+3	23	-102	4	0
+3	38	-90	21	0
+3	34	-107	1	0
+3	35	-78	18	0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result05.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result06.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	1
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	1
+1	-78	91	70	1
+1	-35	87	47	1
+1	-56	91	52	1
+1	-61	81	46	1
+1	-83	78	34	1
+1	-50	87	45	1
+1	-67	73	50	1
+1	-50	97	45	1
+1	-61	111	45	1
+2	-109	23	-92	2
+2	-94	20	-96	2
+2	-85	26	-88	2
+2	-90	33	-114	2
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	2
+2	-81	19	-110	2
+2	-108	21	-108	2
+2	-92	27	-106	2
+2	-88	2	-106	2
+2	-88	15	-103	2
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result07.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	1
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	1
+1	-78	91	70	1
+1	-35	87	47	1
+1	-56	91	52	1
+1	-61	81	46	1
+1	-83	78	34	1
+1	-50	87	45	1
+1	-67	73	50	1
+1	-50	97	45	1
+1	-61	111	45	1
+2	-109	23	-92	2
+2	-94	20	-96	2
+2	-85	26	-88	2
+2	-90	33	-114	2
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	2
+2	-81	19	-110	2
+2	-108	21	-108	2
+2	-92	27	-106	2
+2	-88	2	-106	2
+2	-88	15	-103	2
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result08.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result09.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result10.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	3
+0	51	48	-73	3
+0	58	65	-49	3
+0	43	61	-49	3
+0	45	43	-79	3
+0	42	60	-98	3
+0	50	55	-59	3
+0	53	53	-56	3
+0	45	44	-61	3
+0	43	65	-84	3
+0	35	52	-75	3
+0	56	56	-70	3
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	2
+2	-94	20	-96	2
+2	-85	26	-88	2
+2	-90	33	-114	2
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	2
+2	-81	19	-110	2
+2	-108	21	-108	2
+2	-92	27	-106	2
+2	-88	2	-106	2
+2	-88	15	-103	2
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result11.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	2
+0	51	48	-73	2
+0	58	65	-49	2
+0	43	61	-49	2
+0	45	43	-79	2
+0	42	60	-98	2
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	2
+0	43	65	-84	2
+0	35	52	-75	2
+0	56	56	-70	2
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result12	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	3
+0	51	48	-73	3
+0	58	65	-49	3
+0	43	61	-49	1
+0	45	43	-79	3
+0	42	60	-98	0
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	2
+0	43	65	-84	3
+0	35	52	-75	1
+0	56	56	-70	3
+1	-61	86	43	0
+1	-67	93	15	3
+1	-59	94	36	0
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	3
+1	-56	91	52	2
+1	-61	81	46	0
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	0
+3	39	-99	-7	2
+3	48	-115	-5	2
+3	39	-96	2	2
+3	31	-109	9	1
+3	33	-96	-8	2
+3	23	-102	4	1
+3	38	-90	21	0
+3	34	-107	1	1
+3	35	-78	18	0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result12.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	1
+0	51	48	-73	1
+0	58	65	-49	1
+0	43	61	-49	0
+0	45	43	-79	1
+0	42	60	-98	1
+0	50	55	-59	1
+0	53	53	-56	1
+0	45	44	-61	0
+0	43	65	-84	1
+0	35	52	-75	1
+0	56	56	-70	1
+1	-61	86	43	2
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	0
+1	-78	91	70	1
+1	-35	87	47	1
+1	-56	91	52	0
+1	-61	81	46	2
+1	-83	78	34	1
+1	-50	87	45	0
+1	-67	73	50	1
+1	-50	97	45	0
+1	-61	111	45	1
+2	-109	23	-92	0
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	0
+2	-79	9	-93	1
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	0
+2	-88	15	-103	3
+3	54	-74	4	1
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	1
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result13.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	4
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	1
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	0
+0	43	65	-84	4
+0	35	52	-75	1
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	1
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	1
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	1
+2	-63	9	-106	0
+2	-79	9	-93	1
+2	-99	26	-108	3
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	3
+2	-88	2	-106	1
+2	-88	15	-103	0
+3	54	-74	4	0
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	0
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result14.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	2
+0	51	48	-73	2
+0	58	65	-49	5
+0	43	61	-49	5
+0	45	43	-79	2
+0	42	60	-98	2
+0	50	55	-59	5
+0	53	53	-56	5
+0	45	44	-61	2
+0	43	65	-84	2
+0	35	52	-75	2
+0	56	56	-70	2
+1	-61	86	43	1
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	1
+1	-78	91	70	7
+1	-35	87	47	1
+1	-56	91	52	1
+1	-61	81	46	7
+1	-83	78	34	7
+1	-50	87	45	1
+1	-67	73	50	7
+1	-50	97	45	1
+1	-61	111	45	1
+2	-109	23	-92	6
+2	-94	20	-96	6
+2	-85	26	-88	6
+2	-90	33	-114	6
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	6
+2	-81	19	-110	6
+2	-108	21	-108	6
+2	-92	27	-106	6
+2	-88	2	-106	3
+2	-88	15	-103	6
+3	54	-74	4	4
+3	42	-92	31	4
+3	39	-99	-7	0
+3	48	-115	-5	0
+3	39	-96	2	0
+3	31	-109	9	0
+3	33	-96	-8	0
+3	23	-102	4	0
+3	38	-90	21	4
+3	34	-107	1	0
+3	35	-78	18	4
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result15.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	1
+0	51	48	-73	1
+0	58	65	-49	1
+0	43	61	-49	1
+0	45	43	-79	1
+0	42	60	-98	1
+0	50	55	-59	1
+0	53	53	-56	1
+0	45	44	-61	1
+0	43	65	-84	1
+0	35	52	-75	1
+0	56	56	-70	1
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	3
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	0
+3	42	-92	31	0
+3	39	-99	-7	0
+3	48	-115	-5	0
+3	39	-96	2	0
+3	31	-109	9	0
+3	33	-96	-8	0
+3	23	-102	4	0
+3	38	-90	21	0
+3	34	-107	1	0
+3	35	-78	18	0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result16.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	3
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result17.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+0
+1
+0
+0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result18.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+-1
+-1
+-1
+-1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result19.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+0
+1
+0
+0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result20.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+0
+1
+0
+0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result21.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+0
+1
+0
+0
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/confusion_matrix.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+confusion_matrix : 
+[[14  0  0]
+ [ 0 10  6]
+ [ 0  0  9]]
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/converter_result01.json	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+{"directed": false, "graph": {"info": "RNAfold", "id": "CP000097.1/1411351-1411410", "structure": "....((((.((((((....)))))).)..)))...(((((((..(...)..)).))))).", "sequence": "CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA"}, "nodes": [{"position": 0, "id": 0, "label": "C"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "A"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "C"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "A"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "U"}, {"position": 18, "id": 18, "label": "U"}, {"position": 19, "id": 19, "label": "G"}, {"position": 20, "id": 20, "label": "U"}, {"position": 21, "id": 21, "label": "G"}, {"position": 22, "id": 22, "label": "A"}, {"position": 23, "id": 23, "label": "G"}, {"position": 24, "id": 24, "label": "G"}, {"position": 25, "id": 25, "label": "C"}, {"position": 26, "id": 26, "label": "G"}, {"position": 27, "id": 27, "label": "C"}, {"position": 28, "id": 28, "label": "A"}, {"position": 29, "id": 29, "label": "G"}, {"position": 30, "id": 30, "label": "A"}, {"position": 31, "id": 31, "label": "C"}, {"position": 32, "id": 32, "label": "A"}, {"position": 33, "id": 33, "label": "A"}, {"position": 34, "id": 34, "label": "C"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "A"}, {"position": 38, "id": 38, "label": "G"}, {"position": 39, "id": 39, "label": "G"}, {"position": 40, "id": 40, "label": "C"}, {"position": 41, "id": 41, "label": "C"}, {"position": 42, "id": 42, "label": "A"}, {"position": 43, "id": 43, "label": "A"}, {"position": 44, "id": 44, "label": "G"}, {"position": 45, "id": 45, "label": "G"}, {"position": 46, "id": 46, "label": "A"}, {"position": 47, "id": 47, "label": "A"}, {"position": 48, "id": 48, "label": "C"}, {"position": 49, "id": 49, "label": "G"}, {"position": 50, "id": 50, "label": "G"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "A"}, {"position": 54, "id": 54, "label": "C"}, {"position": 55, "id": 55, "label": "C"}, {"position": 56, "id": 56, "label": "U"}, {"position": 57, "id": 57, "label": "G"}, {"position": 58, "id": 58, "label": "G"}, {"position": 59, "id": 59, "label": "A"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 31, "len": 1, "label": "="}, {"source": 5, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "basepair", "target": 29, "len": 1, "label": "="}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 7, "type": "basepair", "target": 26, "len": 1, "label": "="}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 19, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 35, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 36, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 37, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 55, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 52, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 41, "type": "basepair", "target": 51, "len": 1, "label": "="}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 44, "type": "basepair", "target": 48, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAfold", "id": "ACNY01000002.1/278641-278580", "structure": "((.(...(.((((((.....)))))).)..).))..((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 0, "type": "basepair", "target": 33, "len": 1, "label": "="}, {"source": 1, "type": "basepair", "target": 32, "len": 1, "label": "="}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 3, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 7, "type": "basepair", "target": 27, "len": 1, "label": "="}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/converter_result02.json	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,4 @@
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "CP000097.1/1411351-1411410_[_[]_][[]_]", "structure": "....(((..((((((....))))))....)))...(((((((.........)).))))).", "sequence": "CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA"}, "nodes": [{"position": 0, "id": 0, "label": "C"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "A"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "C"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "A"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "U"}, {"position": 18, "id": 18, "label": "U"}, {"position": 19, "id": 19, "label": "G"}, {"position": 20, "id": 20, "label": "U"}, {"position": 21, "id": 21, "label": "G"}, {"position": 22, "id": 22, "label": "A"}, {"position": 23, "id": 23, "label": "G"}, {"position": 24, "id": 24, "label": "G"}, {"position": 25, "id": 25, "label": "C"}, {"position": 26, "id": 26, "label": "G"}, {"position": 27, "id": 27, "label": "C"}, {"position": 28, "id": 28, "label": "A"}, {"position": 29, "id": 29, "label": "G"}, {"position": 30, "id": 30, "label": "A"}, {"position": 31, "id": 31, "label": "C"}, {"position": 32, "id": 32, "label": "A"}, {"position": 33, "id": 33, "label": "A"}, {"position": 34, "id": 34, "label": "C"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "A"}, {"position": 38, "id": 38, "label": "G"}, {"position": 39, "id": 39, "label": "G"}, {"position": 40, "id": 40, "label": "C"}, {"position": 41, "id": 41, "label": "C"}, {"position": 42, "id": 42, "label": "A"}, {"position": 43, "id": 43, "label": "A"}, {"position": 44, "id": 44, "label": "G"}, {"position": 45, "id": 45, "label": "G"}, {"position": 46, "id": 46, "label": "A"}, {"position": 47, "id": 47, "label": "A"}, {"position": 48, "id": 48, "label": "C"}, {"position": 49, "id": 49, "label": "G"}, {"position": 50, "id": 50, "label": "G"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "A"}, {"position": 54, "id": 54, "label": "C"}, {"position": 55, "id": 55, "label": "C"}, {"position": 56, "id": 56, "label": "U"}, {"position": 57, "id": 57, "label": "G"}, {"position": 58, "id": 58, "label": "G"}, {"position": 59, "id": 59, "label": "A"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 31, "len": 1, "label": "="}, {"source": 5, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "basepair", "target": 29, "len": 1, "label": "="}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 19, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 35, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 36, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 37, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 55, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 52, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 41, "type": "basepair", "target": 51, "len": 1, "label": "="}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "ACNY01000002.1/278641-278580_[_[]_][[]_]", "structure": "....((...((((((.....)))))).)).......((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 28, "len": 1, "label": "="}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "basepair", "target": 27, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "ACNY01000002.1/278641-278580_[_[_[]_]_][[]_]", "structure": "((..((...((((((.....)))))).))...))..((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 0, "type": "basepair", "target": 33, "len": 1, "label": "="}, {"source": 1, "type": "basepair", "target": 32, "len": 1, "label": "="}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 28, "len": 1, "label": "="}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "basepair", "target": 27, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "ACNY01000002.1/278641-278580_[][[]_]", "structure": ".........((((((.....))))))..........((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_sparse1.mtx	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate integer general
+%
+3 3 6
+1 1 1
+3 1 2
+3 2 3
+1 3 4
+2 3 5
+3 3 6
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_sparse2.mtx	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.5
+3 1 -2
+3 2 0.3
+1 3 41
+2 3 0.1235
+3 3 6
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_stack_result01.mtx	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,15 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 6 12
+1 1 1.000000000000000e+00
+3 1 2.000000000000000e+00
+3 2 3.000000000000000e+00
+1 3 4.000000000000000e+00
+2 3 5.000000000000000e+00
+3 3 6.000000000000000e+00
+1 4 1.500000000000000e+00
+3 4 -2.000000000000000e+00
+3 5 3.000000000000000e-01
+1 6 4.100000000000000e+01
+2 6 1.235000000000000e-01
+3 6 6.000000000000000e+00
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_sparse1.mtx	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate integer general
+%
+3 3 6
+1 1 1
+1 3 2
+2 3 3
+3 1 4
+3 2 5
+3 3 6
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_sparse2.mtx	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1
+1 3 -0.2
+2 3 11
+3 1 0.04
+3 2 -5
+3 3 2.6
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_stack_result01.mtx	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,15 @@
+%%MatrixMarket matrix coordinate real general
+%
+6 3 12
+1 1 1.000000000000000e+00
+1 3 2.000000000000000e+00
+2 3 3.000000000000000e+00
+3 1 4.000000000000000e+00
+3 2 5.000000000000000e+00
+3 3 6.000000000000000e+00
+4 1 1.000000000000000e+00
+4 3 -2.000000000000000e-01
+5 3 1.100000000000000e+01
+6 1 4.000000000000000e-02
+6 2 -5.000000000000000e+00
+6 3 2.600000000000000e+00
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/empty_file.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,48 @@
+0	44	64	-76	4
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	1
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	0
+0	43	65	-84	4
+0	35	52	-75	1
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	1
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	1
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	1
+2	-63	9	-106	0
+2	-79	9	-93	1
+2	-99	26	-108	3
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	3
+2	-88	2	-106	1
+2	-88	15	-103	0
+3	54	-74	4	0
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	0
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/f1_score.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+f1_score : 
+0.8461538461538461
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/fbeta_score.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+fbeta_score : 
+0.8461538461538461
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman1.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	2	3	4	5	6	7	8	9	0
+0.5434049417909654	0.27836938509379616	0.4245175907491331	0.8447761323199037	0.004718856190972565	0.12156912078311422	0.6707490847267786	0.8258527551050476	0.13670658968495297	0.57509332942725	13.160650397398078
+0.891321954312264	0.20920212211718958	0.18532821955007506	0.10837689046425514	0.21969749262499216	0.9786237847073697	0.8116831490893233	0.1719410127325942	0.8162247487258399	0.2740737470416992	9.691298137658498
+0.4317041836631217	0.9400298196223746	0.8176493787767274	0.3361119501208987	0.17541045374233666	0.37283204628992317	0.005688507352573424	0.25242635344484043	0.7956625084732873	0.01525497124633901	15.821619961828777
+0.5988433769284929	0.6038045390428536	0.10514768541205632	0.38194344494311006	0.03647605659256892	0.8904115634420757	0.9809208570123115	0.05994198881803725	0.8905459447285041	0.5769014994000329	16.18933274618261
+0.7424796890979773	0.6301839364753761	0.5818421923987779	0.020439132026923157	0.2100265776728606	0.5446848781786475	0.7691151711056516	0.2506952291383959	0.2858956904068647	0.8523950878413064	11.33767760089345
+0.9750064936065875	0.8848532934911055	0.35950784393690227	0.5988589458757472	0.3547956116572998	0.34019021537064575	0.17808098950580487	0.23769420862405044	0.04486228246077528	0.5054314296357892	12.337142824178603
+0.376252454297363	0.5928054009758866	0.6299418755874974	0.14260031444628352	0.933841299466419	0.9463798808091013	0.6022966577308656	0.38776628032663074	0.3631880041093498	0.20434527686864423	12.880550712301464
+0.27676506139633517	0.24653588120354963	0.17360800174020508	0.9666096944873236	0.9570126003527981	0.5979736843289207	0.7313007530599226	0.3403852228374361	0.09205560337723862	0.4634980189371477	18.709003936604173
+0.508698893238194	0.08846017300289077	0.5280352233180474	0.9921580365105283	0.3950359317582296	0.3355964417185683	0.8054505373292797	0.7543489945823536	0.3130664415885097	0.6340366829622751	13.321479131556272
+0.5404045753007164	0.2967937508800147	0.11078790118244575	0.3126402978757431	0.4569791300492658	0.6589400702261969	0.2542575178177181	0.6411012587007017	0.20012360721840317	0.6576248055289837	13.269253863108887
+0.7782892154498485	0.7795983986107496	0.6103281532093938	0.30900034852440217	0.697734907512956	0.8596182957290651	0.6253237577568076	0.9824078296095496	0.9765001270158553	0.16669413119885812	16.264995170787344
+0.02317813647840361	0.16074454850708164	0.9234968252590874	0.953549849879534	0.21097841871844636	0.3605252508146082	0.5493752616276721	0.2718308491769721	0.46060162107485014	0.6961615648233853	14.294427313499119
+0.500355896674865	0.7160709905643361	0.525955936229779	0.0013990231190438296	0.3947002866898355	0.49216696990114994	0.40288033137914214	0.3542983001063206	0.5006143194429532	0.4451766288311383	11.026237192296225
+0.09043278819643585	0.27356292002744065	0.9434770977427269	0.026544641333941965	0.039998689640650786	0.28314035971981955	0.5823441702167689	0.9908928029248271	0.9926422374029681	0.9931173724810448	5.175296804362765
+0.11004833096656297	0.6644814459639401	0.5239868344883128	0.17314990980873102	0.9429602449150257	0.2418600859762523	0.998932268843212	0.5826938151498987	0.18327900063057578	0.38684542191779026	8.73494610704017
+0.1896735289121496	0.41077067302531	0.5946800689017054	0.7165860931283399	0.4868914823691235	0.3095898177667046	0.5774413728278474	0.44170781956874294	0.35967810260053623	0.3213319320088136	12.202924702612343
+0.20820724019602266	0.45125862406183437	0.4918429102640539	0.8990763147937112	0.7293604610294412	0.7700897729196955	0.3754392475619882	0.34373953523538436	0.6550352059993224	0.7110379932104975	15.547914734580145
+0.11353757521867625	0.13302868937357504	0.45603905760612395	0.15973623015851013	0.9616419037746458	0.8376157448618098	0.5201606870379233	0.2182722577281544	0.13491872253239878	0.9790703454838688	6.918543527074358
+0.7070434956891432	0.8599755569456631	0.38717262782863904	0.2508340198317248	0.29943801894470223	0.8568955284050157	0.47298399056822105	0.6632770470161282	0.8057286074367852	0.2529805046497241	13.689616365480411
+0.07957343897032487	0.7327606050157152	0.9613974775036055	0.9538047341676628	0.49049905188389964	0.6321920644327551	0.7329950198379923	0.9024095032479662	0.16224691874820008	0.40588132236756125	18.06987664088426
+0.41709073558366083	0.6955910282920739	0.4248472379248316	0.8581142260514297	0.846932479609419	0.07019911390868883	0.3017524134841485	0.9796236810301702	0.035626996553034807	0.4923926469985821	20.83271160119166
+0.9523768530135464	0.8105737585294711	0.2943304412963712	0.5962335185183412	0.43117785229972994	0.5923975029889863	0.893752104720206	0.5540211897717062	0.4928665073452738	0.3192704571895012	15.530752257310834
+0.263365783050724	0.5422806135357958	0.08226452393202399	0.6356367098253985	0.7964052251862078	0.9547475054308089	0.6846242716927129	0.48829316680509927	0.4854143101843673	0.9666929205829677	18.166185696459205
+0.21134788749712163	0.41164813817783297	0.9896655767792834	0.02841185671325175	0.7013265140935161	0.0251715638848119	0.3208817260865362	0.07352706186557412	0.06088456434663547	0.11140631670405321	11.285510796612236
+0.16926890814543094	0.627686279501054	0.43839309463984333	0.8309037646039747	0.23979218956447224	0.19005270791973705	0.7118996585829157	0.8582949253267775	0.5590558855960195	0.7044204082888571	12.860142449687132
+0.605112035518179	0.5592172832680401	0.8603941909075867	0.9197553591500698	0.8496073257589813	0.2544665354944545	0.8775555422867709	0.43513019009222575	0.729494343964508	0.4126407675387943	24.78184394518976
+0.1908360458112225	0.7060195199561622	0.24063282092985294	0.8513244268329954	0.8241022892585868	0.5252117866139705	0.3863407943061684	0.5908807907349247	0.13752361490782572	0.8082704078916083	18.086707510047084
+0.965825815244485	0.7797958042329348	0.23933508209581977	0.8672604131084306	0.8081150128937004	0.06368112422046845	0.231228304048803	0.5896854487035268	0.13748694797777417	0.6784407043714858	21.072919626578763
+0.9921906895152471	0.28575198481557174	0.7609127595588501	0.046527167666138625	0.33253590652220666	0.9445527910270574	0.6365170412547786	0.6018486061318925	0.9281846814636464	0.18167941079661343	11.264618441952907
+0.017823184026521055	0.1900721761341725	0.5218717978245897	0.49582198590367044	0.8004912055691525	0.8594363114449111	0.21295603224034498	0.43726884144766365	0.42161750906258955	0.0547173770819418	9.076668851874988
+0.009933693670982957	0.7897656793360066	0.27531321879489834	0.7177400045433364	0.4213559217565558	0.14333587216899957	0.19252168025197935	0.3138152333176353	0.8051701673672972	0.012625830357479995	10.540304759459294
+0.0491059726975559	0.5660003849850935	0.686810696154396	0.7268109050517068	0.47969376130167696	0.3676567217785285	0.8399700992017514	0.45416355245100537	0.3213658387821987	0.09271986717104153	11.236607686992008
+0.06043793213558557	0.09095116720087482	0.6827064564283071	0.6807357672306377	0.24317416588742535	0.6404614421560298	0.06913918311155143	0.8729199617462652	0.10960694983251273	0.16905576511943454	8.863543124398952
+0.46737799144534753	0.7759492194033726	0.8544445157050565	0.21038644476715873	0.07664186926890304	0.788914797103218	0.5475000011493021	0.7862548628154125	0.9200470428587104	0.4809727659278811	14.08324795108047
+0.459553670010184	0.5989791554809532	0.5993187807242845	0.5043734512337575	0.30687852974345065	0.5413529803491126	0.9249269434027916	0.9705508020302188	0.39579460989699644	0.7987452725553391	14.384836026928141
+0.6350881477509265	0.2299691652490331	0.05120709286293723	0.028463806171351802	0.1228477519037694	0.2202125178336386	0.8290227537008228	0.28549182770003945	0.7810640826310915	0.5046658125966791	9.356188456069104
+0.1384489237765847	0.778036552333978	0.9213317935208427	0.9430186320361914	0.7044357972639433	0.6939164454759088	0.546551813367495	0.36921722973788307	0.982467574726993	0.0656092254275048	19.82262440529854
+0.8976783107422656	0.26393098909487067	0.5744758420233385	0.5128662680937877	0.554476808071934	0.6471673318283991	0.1854741590544805	0.27197820430902153	0.14843865774278353	0.030304170594405044	14.786714087609445
+0.9392555841521393	0.34675413017620393	0.10956460430560977	0.3783269956614701	0.38407945904141416	0.6654236879194613	0.24449092930615968	0.661480973773685	0.09849288379186216	0.5808627476668515	17.29018333220705
+0.10686550466855071	0.5482545074639875	0.5197517077112073	0.2962341178657576	0.45572905099809846	0.03866652012956684	0.5990030248885009	0.0004867594752598903	0.5018135936855311	0.5017261216916143	7.079056484266911
+0.06066969591495719	0.9498369391498449	0.6086590451398208	0.6720026837921436	0.4627735236945656	0.7042730952349673	0.18106714116610723	0.6475821773323257	0.5681087348454958	0.9541383145344952	11.07054139657063
+0.7966902388813616	0.5853103927119501	0.4553549670732038	0.7384515305314945	0.8122362779627881	0.9272911735521501	0.8263756067215121	0.029956597665086293	0.7728028218089087	0.5217773936163203	21.42960531525592
+0.885387332241226	0.45856166708365387	0.5407225761596202	0.9077649982654136	0.5563100402768733	0.18711472229064618	0.6811113675419537	0.013846685418091642	0.38009165785093446	0.8086844901333918	21.459530154181827
+0.5761254124118753	0.15178450453000336	0.32985476037950434	0.9517731461483258	0.0303847229992098	0.7781735271559485	0.1813838598387736	0.21365686845063014	0.6525962229220905	0.14409194606082942	12.961442345162663
+0.3810072706070531	0.4057345325726489	0.6589654345726036	0.5118226737134436	0.4825851038502419	0.5240217982839889	0.8062858732427213	0.8043910806692938	0.14770043610250894	0.9934535770806974	12.704402405651866
+0.067767735751191	0.9958158069623947	0.12344969265330885	0.06192919793340079	0.7040354417782194	0.9609796529778833	0.712150947902339	0.6630813223207347	0.13367496222456432	0.1803451692283481	9.079503671616516
+0.15671586892228329	0.0904734812788307	0.9718661482450326	0.5098611302849001	0.4508774763010518	0.3297009784972129	0.49351204204947463	0.14360098508058272	0.1509202908404773	0.8153385794598776	12.251439442464823
+0.2112818837963617	0.08654232235729176	0.38725741753121723	0.8934034140221164	0.4286432979428625	0.7663040121802115	0.9952654020174069	0.020062850895111617	0.10819822866909212	0.69474267149362	11.905587280344058
+0.8906640504565513	0.4924763237765829	0.07026799039549492	0.08843736434987892	0.10620815853048937	0.20125887824678435	0.8773640053306407	0.9432225022019286	0.13563613798031937	0.8587269726838475	14.92352889377353
+0.7571582824355558	0.6861716144556532	0.8563933901602275	0.23087775291356172	0.5193379792114721	0.3433334451764454	0.6587729293586823	0.28279025386662415	0.502466433756727	0.30327751955275506	17.426955660751474
+0.5525294234343233	0.16112709705428085	0.568548964618283	0.4857098681067773	0.12751954351366868	0.5436921692300374	0.20049060873265778	0.6701608599998026	0.5581122170361856	0.2323783174916082	8.349233666783295
+0.5155884856098234	0.3149919734186799	0.8465925489214037	0.44737628027740306	0.10008522439470402	0.9015920853941103	0.8560882485516653	0.2863298739118133	0.25901477045356636	0.06637137355819867	12.26035889088531
+0.3176316716278835	0.05184299524331337	0.9441883178319019	0.7172173020432209	0.553659200161456	0.35974476987985604	0.15918230108432907	0.43295804116479997	0.2793621769098912	0.9610376321653145	14.40362888425922
+0.09813215580838908	0.40699555242514285	0.008376446001807092	0.5680589295963213	0.5766097683672401	0.1371442613273378	0.6722185660414206	0.1428737274580416	0.5092314972536864	0.36876195253012645	14.64895450617728
+0.2491073893585356	0.13628212203334145	0.11929113212325759	0.05238812645692448	0.4348993146930489	0.7707053805867863	0.8509141823068277	0.6212826674295909	0.37988768839810483	0.6799110364172396	6.661677492887992
+0.3137655042597186	0.726637982999317	0.9144831910873826	0.094895480739556	0.6649769518322519	0.35687279405119077	0.7622909202623359	0.9450056911510231	0.22374220285139934	0.05725321925421012	14.275479679694111
+0.6428018502331379	0.0887771085528527	0.6679384149986543	0.6072213851311274	0.01959981977284353	0.3937933443577386	0.4595073026861176	0.021136011560755397	0.37369090134501737	0.5655671369760998	8.51747510592055
+0.00887517698156215	0.16284534638833636	0.8981317369729009	0.35543331858117866	0.3097535151674734	0.5821566782631048	0.5221646219283154	0.8824557693517251	0.2723444648400082	0.2998200567828857	8.318683055535784
+0.3083867067948075	0.10100427170620596	0.29502169857893545	0.7289047920416258	0.34187889271524396	0.2860681555183966	0.9563476061071962	0.9994791511322937	0.3373519213932864	0.4751215567999363	10.81575853973493
+0.8296496599906129	0.09940514628180974	0.50811464169943	0.8338365663554891	0.7701229934134927	0.8160003497549749	0.051549976415450005	0.6813237878724938	0.9632936328077967	0.7009474565722479	14.7523242052166
+0.4098464718143954	0.2070405888350909	0.9560226669224692	0.40601117716635504	0.716880130904611	0.6723314084399745	0.8421371025537246	0.940740392297392	0.4698011067009591	0.10771652388871167	14.437977850974152
+0.5666853987413368	0.9797770299024345	0.4339147015301905	0.8180344364829785	0.43724959672412667	0.8105342992752003	0.22960846580858452	0.4109781451687913	0.7309511398181268	0.6373144062380719	20.303811360434118
+0.7691426808213709	0.9562240422458972	0.3760066618461234	0.8957014217970638	0.20848049565757376	0.06319643998308144	0.2394216729185552	0.7801992488254825	0.3760754415175315	0.5814837295524542	17.693211514972546
+0.2417021356737692	0.4385545867531734	0.18045227317063817	0.37312046783579444	0.8639333907383302	0.8559936753056242	0.940079549566491	0.4057399896621089	0.9823102135057693	0.4826039437830758	13.361954459981405
+0.8771207824694917	0.4088792202469834	0.31977322627438365	0.6424685981654128	0.7093654458159975	0.7423468167300954	0.604514627149687	0.8584415473916255	0.6499068382880037	0.270485889197416	19.651095541242153
+0.8584748656310555	0.1808249680067895	0.5377051151480724	0.38692991753348105	0.6195852092738365	0.5485863059731005	0.46389401201881464	0.8264448382313554	0.40099782742517387	0.6195032797683993	11.681443862998442
+0.5007091183337946	0.5008895041536758	0.6089031038167406	0.9953652409958986	0.24794951921663877	0.7384334058920138	0.9300439181805716	0.5844120756954285	0.8806471520789401	0.6920591198056676	18.519413433986806
+0.35141827940417747	0.8206994508517493	0.2370849611913043	0.9216936684824427	0.9188489045540845	0.6295307118357462	0.5122231170341107	0.29985152129987824	0.4510620990884934	0.7171435833472242	23.064480246814917
+0.2897107697174295	0.20884415472966478	0.31653691874943835	0.5732346168518381	0.46252622730189574	0.5026185641627156	0.4872415437421902	0.779227269647643	0.39013589036969454	0.7685351778741765	10.607527674342451
+0.8614682627614487	0.15345044177087064	0.6153544991431779	0.5132315524167129	0.9892656389217689	0.08282528798350319	0.7114699262161587	0.27315441706016785	0.9949414263945612	0.35472791394445913	14.379380861585393
+0.0886254141339946	0.9832503769165538	0.479242981871837	0.4821670204872105	0.5265454160436102	0.9430743268241158	0.4907038517169977	0.030130396160569006	0.9354703428207063	0.7472800008826406	10.166561408472493
+0.7304114921128106	0.10528115445790953	0.7656025630259959	0.7078790446085943	0.9225381437161363	0.5090713624505511	0.7121099683829537	0.8710483215307725	0.43066181495719147	0.48712869117962754	15.494784545703714
+0.12223180018508994	0.1900160836371645	0.5997405304143875	0.2980776286541513	0.18268336777640204	0.5030276903035737	0.9506696371583517	0.2325800919586698	0.7390820442705245	0.7616713142711553	4.822175852305057
+0.7660564796818717	0.9244958016032567	0.3228087260890464	0.6789428837728861	0.1718199895762833	0.7095739437934471	0.4893233847660068	0.441921269249274	0.6465757977985269	0.4784335817739622	16.21224059173453
+0.7809835653732088	0.5637844595472824	0.8491603722968005	0.3324874926307865	0.6876383457298232	0.31032585761982945	0.6607954615137971	0.35447467775251196	0.061312486142167555	0.44390848519873516	19.0259976096665
+0.7083258497660975	0.2574186578134675	0.6183630278806319	0.12162527851495386	0.6373243081047304	0.05829174691838146	0.04762410122741678	0.511944559203932	0.29931499088474944	0.34643613534056983	10.103164404071599
+0.6492174346036962	0.9488882701086157	0.5162418791778752	0.7135434407602232	0.5861612487888144	0.39493583813539335	0.671816525290099	0.23717057627672355	0.8482091462350475	0.2924731670105124	19.414416242542014
+0.12065632604964383	0.4311841945956453	0.2719515607303118	0.2737262760819733	0.6422025693611261	0.44991232849801055	0.9084847728691557	0.7753971680607056	0.33911251996550873	0.7037406503612524	8.615547132563627
+0.23911862145194263	0.20516107579979725	0.6839686008379533	0.41669528896656205	0.19521144746509556	0.3903295752782401	0.09852342315710272	0.32254437988658846	0.8894781356759724	0.9422719149629099	7.355002272760527
+0.6574707574441057	0.1956287488018773	0.5256787607410369	0.3108091040925598	0.5553483943313786	0.5355298073676616	0.4651129288983915	0.7678645943333149	0.8869469716865482	0.8298093684181447	9.829679628165866
+0.9588430789564042	0.9110639960968554	0.1196747838441613	0.11446859495951	0.9969650063282696	0.04000832595810755	0.8595637445186795	0.46550503372369256	0.2889983273891915	0.7332639578005105	12.890832144541104
+0.47219244963377505	0.36603378202458836	0.07374308587639289	0.8212053023334988	0.48801691478932074	0.7570620648656129	0.37107807260930714	0.2695048247626399	0.7345946354267014	0.8465645262987437	19.45300037464767
+0.7731597126964512	0.09726311997082848	0.3128848054042207	0.054297371248047455	0.9964178644970716	0.177698734352288	0.37123100482185356	0.3589325920964376	0.23918094189867656	0.19412444639857296	8.565865450206013
+0.7221568697894736	0.9963498623999889	0.6578810615587287	0.18964066816521796	0.7960500133787225	0.6331488340440541	0.05997465943644009	0.45123696414113945	0.3981555798526656	0.4574877112189486	14.089903184543674
+0.17329540858703296	0.5551602246692062	0.675575702816968	0.8264278406303862	0.753975346409477	0.03806626488278475	0.795113651901603	0.6539318070808459	0.6049933023598654	0.00079912648846725	15.627307991786289
+0.013114781463635872	0.14710484933761359	0.26562391867980684	0.06049450827851821	0.2578656308496723	0.22906133301836384	0.8240837710969812	0.20185448655187266	0.881092325628702	0.21436450568575982	3.053524927766419
+0.09124750057287223	0.7458057935231055	0.5043400350526346	0.5862020432833676	0.36415611319487795	0.5532539595411161	0.8128446991062696	0.14007325741439247	0.26762510211969903	0.7395485502578282	9.804873358542737
+0.273796078111771	0.5968614644069085	0.33862246805035456	0.07160379461501021	0.49859687569685474	0.7144913096107074	0.9906342627731619	0.30616421419444173	0.43181899369392907	0.5481835598658806	8.641240148791484
+0.5922789121550232	0.10793438223331675	0.7218030237835277	0.28781493382595613	0.7101954909298428	0.26491733998837474	0.32929177720525493	0.15393928318285965	0.30573627751887034	0.767593568436209	9.407918967360633
+0.5738480440000739	0.9717102350944524	0.6918493680668857	0.49136225796249566	0.4189538130977012	0.9528784220570516	0.14422252170336136	0.5212103058543409	0.8891494541942766	0.7243161529127102	17.58115736412586
+0.6524273028079878	0.5732108771943734	0.18508275660219697	0.6138808688662424	0.07695021292315907	0.6680945170106404	0.23147976471742693	0.2237384718444413	0.07931564343308894	0.5290531406613654	17.733483205030982
+0.292207224946918	0.5347443302731564	0.4966394675328142	0.43871374689137466	0.40966714178368036	0.2606110148444858	0.08937483777810629	0.8066866320537381	0.15657531573242267	0.9139261452578302	11.149836991525426
+0.44666536992172634	0.44940086096850873	0.08179437299051329	0.6964934161855384	0.20657215375013938	0.09570310018074724	0.7220107222790408	0.3936551862994325	0.5911130758518441	0.5127646181849301	17.392150320937144
+0.024792440847191677	0.7627946139093299	0.26576180603378574	0.9788268401766658	0.9486860068478548	0.7256699734894949	0.7255050205514576	0.050824790816173304	0.5940661143252837	0.7171266563833804	16.222823164393663
+0.04187295085349507	0.4858483334364002	0.9868242589438908	0.04782633490074317	0.5788519741372516	0.07155939791943544	0.28014174429830796	0.7018218260054466	0.16232193959804986	0.49228648720154566	8.751167952614102
+0.9545457112974848	0.5893551623652425	0.6066268202107414	0.8679865440385066	0.9365479368445849	0.14416045993162074	0.2770071902007831	0.12532193725528784	0.884720788157515	0.8267377704644704	23.39743606740882
+0.9953588810927804	0.8138696157910104	0.11914570059659024	0.9315367835142864	0.006986692731106969	0.5383962494524664	0.7825015421974374	0.8888692517279119	0.30537562757152403	0.6446775039355818	17.869735208455047
+0.12491934664885951	0.608584300362758	0.18949843940084687	0.4390658193797916	0.9704126030213763	0.06809275523457425	0.2051728622611535	0.5075719409410157	0.14050011761810988	0.9337383557266488	13.53666671909896
+0.6065454317067481	0.46153152916886886	0.8015021709095485	0.6987073120764528	0.7445573429189948	0.32516377858166023	0.17845078715926477	0.014351502625561174	0.10704972728076023	0.2730517009310389	20.2318585989548
+0.6165217754396433	0.9475792237640892	0.9064723688429247	0.965094028213592	0.33762107364119875	0.6564030876691848	0.291455780992926	0.15086922353097754	0.036932063464012566	0.5979637425112644	24.295590457548577
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman2.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	2	3	0
+54.340494179096545	580.4157780449804	0.4245175907491331	9.447761323199037	252.3175321312284
+0.47188561909725646	324.2624476565047	0.6707490847267786	9.258527551050477	217.49891878908315
+13.670658968495298	1065.1523751493062	0.891321954312264	3.092021221171896	949.4918123086619
+18.532821955007506	302.71124845232475	0.21969749262499216	10.786237847073696	69.0385890614886
+81.16831490893233	406.55138981837536	0.8162247487258399	3.740737470416992	341.61946168251893
+43.17041836631217	1661.3229093937068	0.8176493787767274	4.361119501208987	1359.065329368987
+17.541045374233665	734.7326433201733	0.005688507352573424	3.524263534448404	18.032014110410582
+79.56625084732873	150.58465705466725	0.5988433769284929	7.038045390428536	120.2598923821887
+10.514768541205633	749.6172809180189	0.03647605659256892	9.904115634420757	29.295002042749065
+98.09208570123114	223.58662823399155	0.8905459447285041	6.769014994000329	221.96451266962563
+74.24796890979773	1155.1499432690875	0.5818421923987779	1.2043913202692316	676.202880083338
+21.00265776728606	1015.4762722834868	0.7691151711056516	3.5069522913839593	781.3002704061951
+28.58956904068647	1518.1603420210945	0.9750064936065875	9.848532934911056	1480.4921951648091
+35.95078439369023	1103.9765558914746	0.3547956116572998	4.401902153706457	393.33223818275417
+17.808098950580487	513.9676635429531	0.04486228246077528	6.054314296357893	29.13372581378542
+37.625245429736296	1094.087314354974	0.6299418755874974	2.426003144462835	690.2372882885904
+93.3841299466419	1671.6965482922212	0.6022966577308656	4.877662803266308	1011.1784501808802
+36.31880041093498	459.48790885887036	0.27676506139633517	3.4653588120354963	132.2541308347294
+17.360800174020508	1704.7445419904177	0.9570126003527981	6.979736843289207	1631.554290748974
+73.13007530599226	681.726598181031	0.09205560337723862	5.634980189371477	96.36589298307057
+50.86988932381939	270.1747375569969	0.5280352233180474	10.921580365105282	151.45967058029146
+39.50359317582296	673.903510398035	0.8054505373292797	8.543489945823536	544.2313687666258
+31.306644158850972	1161.4438984999683	0.5404045753007164	3.967937508800147	628.4296697532741
+11.078790118244575	636.4017069153224	0.4569791300492658	7.589400702261969	291.03303662060034
+25.42575178177181	1172.9847885050644	0.20012360721840317	7.576248055289837	236.1147978147717
+77.82892154498485	1399.2376190930588	0.6103281532093938	4.090003485244022	857.5330814879569
+69.7734907512956	1529.9603779755726	0.6253237577568076	10.824078296095497	959.2614236165756
+97.65001270158552	397.9799362884419	0.02317813647840361	2.6074454850708166	98.08464391759719
+92.34968252590873	1683.4096118144525	0.21097841871844636	4.605252508146082	366.97302133435386
+54.93752616276721	569.734241516186	0.46060162107485014	7.961615648233853	268.10919955478056
+50.035589667486505	1295.4574551145477	0.525955936229779	1.0139902311904383	683.18750535065
+39.470028668983545	929.6815373737124	0.40288033137914214	4.542983001063206	376.6240995010018
+50.06143194429532	852.9167920201943	0.09043278819643585	3.7356292002744063	91.95318916050276
+94.34770977427269	169.0277802511735	0.039998689640650786	3.8314035971981957	94.5895295076982
+58.23441702167689	1744.4141122286821	0.9926422374029681	10.931173724810447	1732.5580336252374
+11.004833096656297	1211.179321268851	0.5239868344883128	2.73149909808731	634.7371222778227
+94.29602449150258	520.7731581793785	0.998932268843212	6.826938151498987	528.693948971785
+18.327900063057577	757.625288640914	0.1896735289121496	5.1077067302531	144.86527485195924
+59.46800689017054	1296.2989411786257	0.4868914823691235	4.095898177667046	633.9520920433132
+57.744137282784735	847.2500474585627	0.35967810260053623	4.213319320088136	310.15968510981907
+20.820724019602267	862.8525108188742	0.4918429102640539	9.990763147937113	424.8982058212394
+72.93604610294412	1383.7040602123484	0.3754392475619882	4.437395352353843	524.5916835666012
+65.50352059993224	1287.2354088081224	0.11353757521867625	2.3302868937357504	160.1571589449888
+45.60390576061239	386.6133130762057	0.9616419037746458	9.376157448618098	374.56979106026796
+52.01606870379233	482.23941725143015	0.13491872253239878	10.790703454838688	83.29980059287064
+70.70434956891431	1530.5440099665805	0.38717262782863904	3.5083401983172484	596.7877059177458
+29.943801894470223	1525.5123885477851	0.47298399056822105	7.632770470161282	722.1639132185364
+80.57286074367852	538.9397874962779	0.07957343897032487	8.32760605015715	91.27494219348714
+96.13974775036056	1683.825997970145	0.49049905188389964	7.321920644327551	831.4916692830858
+73.29950198379923	1599.8653004289727	0.16224691874820008	5.058813223675612	269.7239459214427
+41.709073558366086	1262.0008116239733	0.4248472379248316	9.581142260514298	537.7773575456935
+84.6932479609419	240.34295682649764	0.3017524134841485	10.796236810301702	111.50170710135895
+3.5626996553034807	930.0502098396282	0.9523768530135464	9.105737585294712	885.7653388336638
+29.43304412963712	1099.6875837762232	0.43117785229972994	6.9239750298898635	475.0734339263449
+89.37521047202061	1030.7283339979235	0.4928665073452738	4.192704571895012	515.8132906927318
+26.3365783050724	1011.5485978110671	0.08226452393202399	7.356367098253985	87.28262499048417
+79.64052251862078	1685.366135672789	0.6846242716927129	5.882931668050992	1156.58767097945
+48.54143101843673	1704.8805024855624	0.21134788749712163	5.11648138177833	363.57774253644357
+98.96655767792834	172.07811591269444	0.7013265140935161	1.251715638848119	156.06931868323713
+32.08817260865362	245.77958638999525	0.06088456434663547	2.1140631670405323	35.40508437542623
+16.926890814543093	1151.0697004521946	0.43839309463984333	9.309037646039748	504.9047309043652
+23.979218956447223	436.1391654612479	0.7118996585829157	9.582949253267776	311.4116762435596
+55.90558855960195	1276.4247355974696	0.605112035518179	6.592172832680401	774.4004579134555
+86.03941909075867	1628.201979434556	0.8496073257589813	3.544665354944545	1386.0052800129015
+87.75555422867708	836.5046465890024	0.729494343964508	5.126407675387943	616.502880557919
+19.08360458112225	1279.0370894799328	0.24063282092985294	9.513244268329954	308.3692869277446
+82.41022892585868	983.664481154306	0.3863407943061684	6.908807907349248	388.86234039746984
+13.752361490782572	1446.0770214276688	0.965825815244485	8.797958042329348	1396.7261450068233
+23.933508209581976	1542.444756280353	0.8081150128937004	1.6368112422046845	1246.7021204183736
+23.1228304048803	1088.990472403008	0.13748694797777417	7.784407043714858	151.49686527332432
+99.21906895152472	592.4762009911489	0.7609127595588501	1.4652716766613862	461.6107590254396
+33.253590652220666	1668.7117629371276	0.6365170412547786	7.018486061318925	1062.6838031691402
+92.81846814636464	422.4603113225164	0.017823184026521055	2.9007217613417247	93.12330768632674
+52.18717978245897	935.6524745132937	0.8004912055691525	9.594363114449111	750.7974014518164
+21.295603224034497	839.9984077101558	0.42161750906258955	1.547173770819418	354.7969452507752
+0.9933693670982957	1415.847175398454	0.27531321879489834	8.177400045433364	389.8026225581974
+42.13559217565558	359.8212261046394	0.19252168025197935	4.138152333176353	81.08093014555008
+80.51701673672972	146.2896184097874	0.0491059726975559	6.660003849850935	80.83675338792878
+68.68106961543961	1313.0024820704748	0.47969376130167696	4.676567217785285	633.5725491887692
+83.99700992017513	867.5980836959187	0.3213658387821987	1.9271986717104153	291.1936489907113
+6.043793213558557	274.244095874708	0.6827064564283071	7.8073576723063765	187.3252705855037
+24.317416588742535	1171.9395661677436	0.06913918311155143	9.729199617462651	84.5972117336421
+10.960694983251273	401.83796801162464	0.46737799144534753	8.759492194033726	188.12950260375516
+85.44445157050565	469.3569309771897	0.07664186926890304	8.88914797103218	92.70787499286608
+54.75000011493021	1410.11180659607	0.9200470428587104	5.809727659278811	1298.5238084377568
+45.9553670010184	1104.1729336900296	0.5993187807242845	6.043734512337576	663.345193848069
+30.687852974345063	1010.0331900967218	0.9249269434027916	10.705508020302188	934.7107170433636
+39.57946098969964	1430.5164919252954	0.6350881477509265	3.2996916524903313	909.3655989305239
+5.120709286293723	172.1629820113755	0.1228477519037694	3.202125178336386	21.759146841336335
+82.90227537008228	592.0512009960225	0.7810640826310915	6.046658125966791	469.80205128257876
+13.844892377658468	1396.6861430027047	0.9213317935208427	10.430186320361914	1286.885757399791
+70.44357972639433	1259.2651659459655	0.546551813367495	4.69217229737883	691.8490914986029
+98.2467574726993	232.84478566118992	0.8976783107422656	3.6393098909487067	230.95708002350815
+57.44758420233384	963.4964942046691	0.554476808071934	7.471673318283991	537.3161754923093
+18.54741590544805	569.9749650123499	0.14843865774278353	1.3030417059440504	86.61413266611218
+93.92555841521393	692.1310246846019	0.10956460430560977	4.783269956614701	120.71709895964038
+38.407945904141414	1212.7185942796432	0.24449092930615968	7.6148097377368495	298.97589013891826
+9.849288379186216	1074.5774593669562	0.10686550466855071	6.482545074639875	115.25672659315927
+51.97517077112073	609.6001089270445	0.45572905099809846	1.3866652012956684	282.63144665101163
+59.90030248885009	126.4588901391934	0.5018135936855311	6.017261216916143	87.26338001352038
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman3.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	2	3	0
+54.340494179096545	580.4157780449804	0.4245175907491331	9.447761323199037	1.3537302182704163
+0.47188561909725646	324.2624476565047	0.6707490847267786	9.258527551050477	1.5686267252541977
+13.670658968495298	1065.1523751493062	0.891321954312264	3.092021221171896	1.5563979600543916
+18.532821955007506	302.71124845232475	0.21969749262499216	10.786237847073696	1.2990215504772198
+81.16831490893233	406.55138981837536	0.8162247487258399	3.740737470416992	1.330903394043473
+43.17041836631217	1661.3229093937068	0.8176493787767274	4.361119501208987	1.5390261973034576
+17.541045374233665	734.7326433201733	0.005688507352573424	3.524263534448404	0.23388919220067908
+79.56625084732873	150.58465705466725	0.5988433769284929	7.038045390428536	0.8478202561730687
+10.514768541205633	749.6172809180189	0.03647605659256892	9.904115634420757	1.2036782417865977
+98.09208570123114	223.58662823399155	0.8905459447285041	6.769014994000329	1.113050765386626
+74.24796890979773	1155.1499432690875	0.5818421923987779	1.2043913202692316	1.4607731674987232
+21.00265776728606	1015.4762722834868	0.7691151711056516	3.5069522913839593	1.5439114159725646
+28.58956904068647	1518.1603420210945	0.9750064936065875	9.848532934911056	1.5514842721164925
+35.95078439369023	1103.9765558914746	0.3547956116572998	4.401902153706457	1.4792680312252677
+17.808098950580487	513.9676635429531	0.04486228246077528	6.054314296357893	0.9131525635743539
+37.625245429736296	1094.087314354974	0.6299418755874974	2.426003144462835	1.5162586999022116
+93.3841299466419	1671.6965482922212	0.6022966577308656	4.877662803266308	1.478312764448359
+36.31880041093498	459.48790885887036	0.27676506139633517	3.4653588120354963	1.292608359663051
+17.360800174020508	1704.7445419904177	0.9570126003527981	6.979736843289207	1.5601554747573891
+73.13007530599226	681.726598181031	0.09205560337723862	5.634980189371477	0.7092059328226685
+50.86988932381939	270.1747375569969	0.5280352233180474	10.921580365105282	1.228273691878848
+39.50359317582296	673.903510398035	0.8054505373292797	8.543489945823536	1.4981464081771367
+31.306644158850972	1161.4438984999683	0.5404045753007164	3.967937508800147	1.520958438151283
+11.078790118244575	636.4017069153224	0.4569791300492658	7.589400702261969	1.532720004888662
+25.42575178177181	1172.9847885050644	0.20012360721840317	7.576248055289837	1.4629032640882886
+77.82892154498485	1399.2376190930588	0.6103281532093938	4.090003485244022	1.4799121730128941
+69.7734907512956	1529.9603779755726	0.6253237577568076	10.824078296095497	1.4979953570128628
+97.65001270158552	397.9799362884419	0.02317813647840361	2.6074454850708166	0.09417496029834331
+92.34968252590873	1683.4096118144525	0.21097841871844636	4.605252508146082	1.316408987919193
+54.93752616276721	569.734241516186	0.46060162107485014	7.961615648233853	1.3644273530320843
+50.035589667486505	1295.4574551145477	0.525955936229779	1.0139902311904383	1.4974922509449833
+39.470028668983545	929.6815373737124	0.40288033137914214	4.542983001063206	1.465804007778235
+50.06143194429532	852.9167920201943	0.09043278819643585	3.7356292002744063	0.9950952334037717
+94.34770977427269	169.0277802511735	0.039998689640650786	3.8314035971981957	0.07152072382161595
+58.23441702167689	1744.4141122286821	0.9926422374029681	10.931173724810447	1.537178181507009
+11.004833096656297	1211.179321268851	0.5239868344883128	2.73149909808731	1.553457834819853
+94.29602449150258	520.7731581793785	0.998932268843212	6.826938151498987	1.3914803680125012
+18.327900063057577	757.625288640914	0.1896735289121496	5.1077067302531	1.4439394940411856
+59.46800689017054	1296.2989411786257	0.4868914823691235	4.095898177667046	1.4768530008487357
+57.744137282784735	847.2500474585627	0.35967810260053623	4.213319320088136	1.3835281729272806
+20.820724019602267	862.8525108188742	0.4918429102640539	9.990763147937113	1.5217750198560809
+72.93604610294412	1383.7040602123484	0.3754392475619882	4.437395352353843	1.4313105187399757
+65.50352059993224	1287.2354088081224	0.11353757521867625	2.3302868937357504	1.1494435656372273
+45.60390576061239	386.6133130762057	0.9616419037746458	9.376157448618098	1.4487434272797226
+52.01606870379233	482.23941725143015	0.13491872253239878	10.790703454838688	0.8963767176774797
+70.70434956891431	1530.5440099665805	0.38717262782863904	3.5083401983172484	1.4520425271394557
+29.943801894470223	1525.5123885477851	0.47298399056822105	7.632770470161282	1.5293204399456315
+80.57286074367852	538.9397874962779	0.07957343897032487	8.32760605015715	0.48911511072271613
+96.13974775036056	1683.825997970145	0.49049905188389964	7.321920644327551	1.4549139176354322
+73.29950198379923	1599.8653004289727	0.16224691874820008	5.058813223675612	1.2955775487583667
+41.709073558366086	1262.0008116239733	0.4248472379248316	9.581142260514298	1.4931601045151275
+84.6932479609419	240.34295682649764	0.3017524134841485	10.796236810301702	0.7081460027584869
+3.5626996553034807	930.0502098396282	0.9523768530135464	9.105737585294712	1.5667741449535897
+29.43304412963712	1099.6875837762232	0.43117785229972994	6.9239750298898635	1.508801898429284
+89.37521047202061	1030.7283339979235	0.4928665073452738	4.192704571895012	1.3966469247041897
+26.3365783050724	1011.5485978110671	0.08226452393202399	7.356367098253985	1.2642801056018358
+79.64052251862078	1685.366135672789	0.6846242716927129	5.882931668050992	1.5018836153535167
+48.54143101843673	1704.8805024855624	0.21134788749712163	5.11648138177833	1.4368860145584557
+98.96655767792834	172.07811591269444	0.7013265140935161	1.251715638848119	0.8839273983451799
+32.08817260865362	245.77958638999525	0.06088456434663547	2.1140631670405323	0.4363143388850777
+16.926890814543093	1151.0697004521946	0.43839309463984333	9.309037646039748	1.537265123522342
+23.979218956447223	436.1391654612479	0.7118996585829157	9.582949253267776	1.4937183598137929
+55.90558855960195	1276.4247355974696	0.605112035518179	6.592172832680401	1.4985413807429304
+86.03941909075867	1628.201979434556	0.8496073257589813	3.544665354944545	1.5086791210059998
+87.75555422867708	836.5046465890024	0.729494343964508	5.126407675387943	1.4279670872972425
+19.08360458112225	1279.0370894799328	0.24063282092985294	9.513244268329954	1.5088712014128396
+82.41022892585868	983.664481154306	0.3863407943061684	6.908807907349248	1.3572505259832122
+13.752361490782572	1446.0770214276688	0.965825815244485	8.797958042329348	1.5609500274635577
+23.933508209581976	1542.444756280353	0.8081150128937004	1.6368112422046845	1.551597692135967
+23.1228304048803	1088.990472403008	0.13748694797777417	7.784407043714858	1.4175683268390444
+99.21906895152472	592.4762009911489	0.7609127595588501	1.4652716766613862	1.3541649297787708
+33.253590652220666	1668.7117629371276	0.6365170412547786	7.018486061318925	1.5394991338751214
+92.81846814636464	422.4603113225164	0.017823184026521055	2.9007217613417247	0.08093567500779064
+52.18717978245897	935.6524745132937	0.8004912055691525	9.594363114449111	1.5012312283366778
+21.295603224034497	839.9984077101558	0.42161750906258955	1.547173770819418	1.5107382823434816
+0.9933693670982957	1415.847175398454	0.27531321879489834	8.177400045433364	1.5682479333649404
+42.13559217565558	359.8212261046394	0.19252168025197935	4.138152333176353	1.0243278438907364
+80.51701673672972	146.2896184097874	0.0491059726975559	6.660003849850935	0.08897131915549368
+68.68106961543961	1313.0024820704748	0.47969376130167696	4.676567217785285	1.4621800366126962
+83.99700992017513	867.5980836959187	0.3213658387821987	1.9271986717104153	1.278180794940832
+6.043793213558557	274.244095874708	0.6827064564283071	7.8073576723063765	1.5385270967777893
+24.317416588742535	1171.9395661677436	0.06913918311155143	9.729199617462651	1.279233560839038
+10.960694983251273	401.83796801162464	0.46737799144534753	8.759492194033726	1.5125018799191523
+85.44445157050565	469.3569309771897	0.07664186926890304	8.88914797103218	0.39847812418012996
+54.75000011493021	1410.11180659607	0.9200470428587104	5.809727659278811	1.5286205617962407
+45.9553670010184	1104.1729336900296	0.5993187807242845	6.043734512337576	1.5014625812811586
+30.687852974345063	1010.0331900967218	0.9249269434027916	10.705508020302188	1.5379590348236802
+39.57946098969964	1430.5164919252954	0.6350881477509265	3.2996916524903313	1.5272583174422345
+5.120709286293723	172.1629820113755	0.1228477519037694	3.202125178336386	1.3332321248119827
+82.90227537008228	592.0512009960225	0.7810640826310915	6.046658125966791	1.3934053052318693
+13.844892377658468	1396.6861430027047	0.9213317935208427	10.430186320361914	1.5600376721205496
+70.44357972639433	1259.2651659459655	0.546551813367495	4.69217229737883	1.4688002865000722
+98.2467574726993	232.84478566118992	0.8976783107422656	3.6393098909487067	1.1314039082633651
+57.44758420233384	963.4964942046691	0.554476808071934	7.471673318283991	1.463675788141726
+18.54741590544805	569.9749650123499	0.14843865774278353	1.3030417059440504	1.3549865945559618
+93.92555841521393	692.1310246846019	0.10956460430560977	4.783269956614701	0.67921924302924
+38.407945904141414	1212.7185942796432	0.24449092930615968	7.6148097377368495	1.4419753005453402
+9.849288379186216	1074.5774593669562	0.10686550466855071	6.482545074639875	1.485236760818887
+51.97517077112073	609.6001089270445	0.45572905099809846	1.3866652012956684	1.3858463757729043
+59.90030248885009	126.4588901391934	0.5018135936855311	6.017261216916143	0.8142264061570644
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/gaus.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,101 @@
+0	1	0
+1.1705269829481435	2.0777122322502035	1
+2.0346075615049335	-0.5507144119145928	1
+-0.07602346572462335	0.003957593987599105	0
+-0.18949583082317534	0.25500144427338167	0
+1.299748074755309	-1.733095623653281	1
+1.943262263433996	-1.4474361123195851	1
+1.1896222680291255	-1.690616826383604	1
+-0.5788258247909884	-1.1994511991939312	1
+0.7310003438348087	1.361556125145331	1
+-0.5144298913687853	-0.21606012000326133	0
+0.1088634678336795	0.50780959049232	0
+-0.12620118371357705	1.9902736497540905	1
+-0.7044181997350232	-0.591375121085172	0
+-1.5075851602643862	0.10788413080661359	1
+-0.4580269855026243	0.43516348812289213	0
+1.0936866496587212	-0.2295177532399562	0
+-0.9400461615447682	-0.8279323643658708	1
+0.46629936835718944	0.26998723863108903	0
+-0.32623805920230253	0.055676014854776905	0
+0.6901214702247076	0.6868900661384048	0
+1.5861709384232352	0.6933906585165882	1
+0.672720805709661	-0.10441114339062771	0
+-0.5999830448488669	1.5761667243192063	1
+2.0747931679465657	-0.34329768218246975	1
+-0.5444391616724643	-0.6681717368134277	0
+0.5229978045207515	-0.016345402757487165	0
+-2.9733154740508856	0.03331727813886288	1
+-0.008898663292110321	-0.5431980084071721	0
+-1.2963918071501508	0.095139443565453	1
+-1.4977203810831696	-1.193885976791938	1
+-0.251879139213213	-0.8424357382512976	0
+-0.07961124591739943	-0.8897314812650339	0
+0.8945977057600133	0.7596931198502055	0
+-0.23871286931467955	-1.429066898448291	1
+0.22117966922140045	-1.0700433305682933	0
+-0.3198310471180883	-1.1477415998765863	0
+-0.42371509994342044	-1.185983564929173	1
+0.9813207869512316	0.5142188413943821	0
+0.7504447615341785	-0.4559469274680022	0
+1.2962625863990573	0.9522756260818906	1
+-1.7497654730546974	0.34268040332750216	1
+0.7369951690182122	0.4358672525149101	0
+0.6130388816875463	0.7362052133238238	0
+-1.415042920852526	-0.6407599230105716	1
+0.22239080944544862	-0.6849217352472302	0
+1.6189816606752596	1.5416051745134067	1
+1.8765734269621657	-0.37690335016897475	1
+0.007314563228903049	-0.6129387354781626	0
+0.7470556550991475	0.4296764358626096	0
+0.10887198989791452	0.028283634823073247	0
+-0.43813562270441736	-1.1183182462554362	0
+0.30104946378806546	-1.6848999616851803	1
+-1.3969993449532836	-1.0971719846398227	1
+-0.24888866705810792	-0.45017643501165083	0
+-1.635529399380822	-1.044209877709317	1
+-0.17478155445149818	1.0172643432511694	0
+-0.5835950503226648	0.816847071685779	0
+-1.9580812342078666	-0.13480131198999493	1
+0.4223802204219781	-1.094042931032235	0
+-0.98331009912963	0.3575077531673654	0
+-1.566687529578391	0.9049741214666812	1
+0.9490047765052598	-0.019397585962465276	0
+-0.5312803768519098	1.0297326851333461	0
+0.7530621876919789	-1.6094388961729544	1
+0.13024845535270219	0.9493608646609868	0
+-0.3317771350528086	-0.6892179780897532	0
+1.703623988120705	-0.7221507700557533	1
+-1.841188300186717	0.36609322616730366	1
+-0.365461992676627	-1.271023040846661	1
+-0.8817983894830175	0.01863894948806016	0
+-1.7059520057381703	0.3691639571070058	1
+-0.8622273465104797	1.249469742726979	1
+-1.1880175973177194	-0.5497461935354897	1
+-1.7046512057609624	-1.1362610068273629	1
+-0.18501411089711395	-2.4871515352227695	1
+-0.45592201921402026	0.6491729272546821	0
+0.22239960855530486	-1.4432169952253369	1
+0.7504533303268411	-1.3069923390808191	1
+0.13242780114877378	0.022213928039390988	0
+1.8319360818255361	0.003017434031214063	1
+-0.41581633584065	-1.3585029367597998	1
+-1.3563990488613127	-1.2324345139149262	1
+-1.5406160245526137	2.0467139684821385	1
+-1.2172541306410147	-0.15726516737513793	0
+1.0269214393997905	-1.4321906110589266	1
+1.153035802563644	-0.25243603652138985	0
+0.5805733357942744	-1.1045230926622938	1
+1.7759935855067666	0.5130743788396454	1
+-0.7563523055944354	0.8164540110192858	0
+1.2369078851902253	-0.23028467842710793	1
+0.31736797594106797	-0.7524141777250374	0
+0.18451869056394285	0.9370822011089522	0
+-0.6166293716831945	0.7631836460599923	0
+0.7796263036636958	-0.43812091634884287	0
+0.2378446219236218	0.013548548628612411	0
+2.2986539407136757	-0.16520955264073184	1
+0.19291719182330652	-0.3484589306523706	0
+-1.6135785028221759	1.4707138666121289	1
+-2.0151887171225265	-0.07954058693411101	1
+0.7788223993230673	0.4282328705967407	0
Binary file test-data/glm_model01 has changed
Binary file test-data/glm_model02 has changed
Binary file test-data/glm_model03 has changed
Binary file test-data/glm_model04 has changed
Binary file test-data/glm_model05 has changed
Binary file test-data/glm_model06 has changed
Binary file test-data/glm_model07 has changed
Binary file test-data/glm_model08 has changed
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result01	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	3703215242836.872
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	3875943636708.156
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	-2071574726112.0168
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	2642119730255.405
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-8851040854159.11
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result02	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result03	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result04	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	0.5282637592226301
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	0.5180352211818147
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	0.012682414140451959
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	0.1869842234155321
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-1.6599360904302456
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result05	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result06	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result07	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	0.6093152833692663
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	0.5963828164943974
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	-0.07927429227257943
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	0.2621440442022235
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-1.7330414645145749
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result08	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hamming_loss.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,2 @@
+hamming_loss : 
+0.15384615384615385
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hastie.txt	Fri Feb 16 09:19:24 2018 -0500
@@ -0,0 +1,12001 @@
+0	1	2	3	4	5	6	7	8	9	0
+-1.7497654730546974	0.34268040332750216	1.153035802563644	-0.25243603652138985	0.9813207869512316	0.5142188413943821	0.22117966922140045	-1.0700433305682933	-0.18949583082317534	0.25500144427338167	-1.0
+-0.4580269855026243	0.43516348812289213	-0.5835950503226648	0.816847071685779	0.672720805709661	-0.10441114339062771	-0.5312803768519098	1.0297326851333461	-0.43813562270441736	-1.1183182462554362	-1.0
+1.6189816606752596	1.5416051745134067	-0.251879139213213	-0.8424357382512976	0.18451869056394285	0.9370822011089522	0.7310003438348087	1.361556125145331	-0.32623805920230253	0.055676014854776905	-1.0
+0.22239960855530486	-1.4432169952253369	-0.7563523055944354	0.8164540110192858	0.7504447615341785	-0.4559469274680022	1.1896222680291255	-1.690616826383604	-1.3563990488613127	-1.2324345139149262	1.0
+-0.5444391616724643	-0.6681717368134277	0.007314563228903049	-0.6129387354781626	1.299748074755309	-1.733095623653281	-0.98331009912963	0.3575077531673654	-1.6135785028221759	1.4707138666121289	1.0
+-1.1880175973177194	-0.5497461935354897	-0.9400461615447682	-0.8279323643658708	0.1088634678336795	0.50780959049232	-0.8622273465104797	1.249469742726979	-0.07961124591739943	-0.8897314812650339	-1.0
+-0.8817983894830175	0.01863894948806016	0.2378446219236218	0.013548548628612411	-1.635529399380822	-1.044209877709317	0.6130388816875463	0.7362052133238238	1.0269214393997905	-1.4321906110589266	-1.0
+-1.841188300186717	0.36609322616730366	-0.3317771350528086	-0.6892179780897532	2.0346075615049335	-0.5507144119145928	0.7504533303268411	-1.3069923390808191	0.5805733357942744	-1.1045230926622938	1.0
+0.6901214702247076	0.6868900661384048	-1.566687529578391	0.9049741214666812	0.7788223993230673	0.4282328705967407	0.10887198989791452	0.028283634823073247	-0.5788258247909884	-1.1994511991939312	-1.0
+-1.7059520057381703	0.3691639571070058	1.8765734269621657	-0.37690335016897475	1.8319360818255361	0.003017434031214063	-0.07602346572462335	0.003957593987599105	-0.18501411089711395	-2.4871515352227695	1.0
+-1.7046512057609624	-1.1362610068273629	-2.9733154740508856	0.03331727813886288	-0.24888866705810792	-0.45017643501165083	0.13242780114877378	0.022213928039390988	0.31736797594106797	-0.7524141777250374	1.0
+-1.2963918071501508	0.095139443565453	-0.42371509994342044	-1.185983564929173	-0.365461992676627	-1.271023040846661	1.5861709384232352	0.6933906585165882	-1.9580812342078666	-0.13480131198999493	1.0
+-1.5406160245526137	2.0467139684821385	-1.3969993449532836	-1.0971719846398227	-0.23871286931467955	-1.429066898448291	0.9490047765052598	-0.019397585962465276	0.8945977057600133	0.7596931198502055	1.0
+-1.4977203810831696	-1.193885976791938	1.2962625863990573	0.9522756260818906	-1.2172541306410147	-0.15726516737513793	-1.5075851602643862	0.10788413080661359	0.7470556550991475	0.4296764358626096	1.0
+-1.415042920852526	-0.6407599230105716	0.7796263036636958	-0.43812091634884287	2.0747931679465657	-0.34329768218246975	-0.6166293716831945	0.7631836460599923	0.19291719182330652	-0.3484589306523706	-1.0
+2.2986539407136757	-0.16520955264073184	0.46629936835718944	0.26998723863108903	-0.3198310471180883	-1.1477415998765863	1.703623988120705	-0.7221507700557533	1.0936866496587212	-0.2295177532399562	1.0
+-0.008898663292110321	-0.5431980084071721	0.7530621876919789	-1.6094388961729544	1.943262263433996	-1.4474361123195851	0.13024845535270219	0.9493608646609868	-2.0151887171225265	-0.07954058693411101	1.0
+0.30104946378806546	-1.6848999616851803	0.22239080944544862	-0.6849217352472302	-0.12620118371357705	1.9902736497540905	0.5229978045207515	-0.016345402757487165	-0.41581633584065	-1.3585029367597998	1.0
+-0.5144298913687853	-0.21606012000326133	0.4223802204219781	-1.094042931032235	1.2369078851902253	-0.23028467842710793	-0.7044181997350232	-0.591375121085172	0.7369951690182122	0.4358672525149101	-1.0
+1.7759935855067666	0.5130743788396454	1.1705269829481435	2.0777122322502035	-0.45592201921402026	0.6491729272546821	-0.17478155445149818	1.0172643432511694	-0.5999830448488669	1.5761667243192063	1.0
+0.6044235385892025	-0.9070304174806991	0.5920232693603779	-0.4370644156515733	0.10177577296931657	1.3083468266441474	1.3876018114085524	-1.7353911473330734	0.28837742022732415	-0.33908543327636353	-1.0
+0.5273691328244136	-0.3743028837477471	0.47709229741768444	-1.4297626622362145	0.4077065249765084	-0.828280392745567	0.4234572818376501	-0.15951736500333072	1.2410820871966046	1.6635363107373078	-1.0
+-0.661937714925914	3.465227148479317	0.39143861927191975	0.3272453529764515	-0.31134706056867467	-1.4246555886796946	-0.6248721853412322	-0.1099953959208559	0.9529594279919252	-0.9833626436429376	1.0
+-1.0945571896156956	-0.24134874955198468	-0.5951138391567017	-0.9828118947823061	0.08822993442548502	-0.602759369823714	1.1255554529825982	0.9270532988002531	-2.2691569946862655	-0.34817063773317436	1.0
+-0.1640254026760564	1.2165805903649096	-0.6268539047283007	-0.2749398078895973	1.14745743851399	1.1599689740750685	0.702184505359777	-1.28390481061431	1.5223077678776793	-0.17996331764913345	-1.0
+-0.37614736761593637	0.46034921066168377	1.455421460737774	0.2415068878754467	-0.03766667059723912	0.8315330299051433	2.299369468755593	-0.9396024430587621	0.11182257854217889	2.5394320331114613	1.0
+0.40359841542535574	-1.8848343873195796	1.2774520318648948	-0.44558826380657596	-1.2703180389254833	0.6355011681954533	-0.2984356710923274	-0.4022899215971822	-0.5366404268123247	0.8231244016664833	-1.0
+0.025191903274544	1.5175361283542563	0.3696111506737348	-0.4806321621688906	1.0423327430213356	1.098875986566869	-2.132910373907718	0.7592043314019562	-0.2851808701227014	0.4804114112715212	1.0
+0.46800068820276425	2.7090019473659184	2.019086116729861	0.7474034182399546	-0.5897085867477189	-0.8134248245767957	-0.17689686434453186	0.5070475019762871	-0.2667781642372559	-0.8560620219978579	1.0
+1.5593148568891022	-1.0926888646283135	0.7580424981657605	-1.199439969467994	0.1763704781550424	-0.8757308415987771	0.11760845626656423	-0.958168335581346	-1.8811146489414055	0.1823427274870421	1.0
+-0.5484922802752095	-0.0526349697724523	3.1733905239619795	3.334203517597432	1.6033719963489919	1.0128962309550167	1.8445232062556762	-0.3361436284769567	0.49875048880422795	-1.0778260770671824	1.0
+0.5769340599430341	0.08652484860757291	0.38378884838187516	1.3347307577271426	1.6717911886146681	-0.3130077315757537	0.12355262918532725	1.5477291028255866	-0.10788917679723521	1.0033975572213907	-1.0
+0.8876717808262652	0.08864979057352633	-1.3245780959402302	0.2383846452550063	1.1966614601200112	-0.46484257027188	-1.1366727112923867	0.2484946248806814	0.3506928143980163	-0.13207671471324264	-1.0
+-0.5256451948154732	-0.584889332459948	-0.9292471979014248	0.39841641960968166	-1.3559078555972999	-1.7115830531175702	0.15859859636139104	2.1324867288289617	2.7213336098665635	-1.9728640480783795	1.0
+0.5398129189913056	0.5431731800991407	0.9637445310773097	1.2537261342634507	-0.22013056376799153	-0.25227004044698087	0.01003713940839754	0.48028838228527204	-1.9569675522430627	-0.564484658307677	-1.0
+-1.163235822180662	-0.021175774300496716	0.33107168261445835	-0.3664962494470602	0.8604754069049109	-0.24659729953406678	1.490533097267343	-0.39939137701024663	0.3252062923168107	-0.6542808538079327	-1.0
+-0.01912275129904966	0.9929416493373554	-0.1295965590136687	-0.1708304076874391	0.7904280904722739	1.0918159072154612	-0.40508326392063543	0.5364439368681257	-2.1313146599852018	0.2630766894332881	-1.0
+-1.2710579854942345	0.9291001132966914	-1.9314128569290476	0.02421534060406341	-1.213691539345214	0.1881369570559398	-0.5722638992074314	2.745117964775073	0.12495397935004156	-1.0652461548210312	1.0
+0.6030536979033265	-1.0614676369216434	-1.5164304957203023	0.32928250529485964	-1.9836209428041778	0.16713678370411497	-0.1788939995187421	1.178239159200306	-0.44340798605665754	0.7389539007599524	1.0
+-0.15484845483449294	-0.08605564337254189	-0.3357568385230854	-0.1366293792823912	0.09277642496734965	0.18971879197958597	-2.048671922604096	0.7837860781804775	-0.2329845615794952	-1.1844114274105708	-1.0
+-0.1977972902611956	-0.8546727892795731	0.02359749586524577	-0.1704564684096478	-1.0696662666401626	0.22583874577075078	-0.8676594983663888	0.41841523883774684	-2.305258151983712	0.1621555997620361	-1.0
+-0.5788411209471953	-0.3992846345441018	1.4878944321336367	-0.35781685235193555	0.35643089395408944	1.0312821968019672	1.5225430928104695	-1.0164811121806232	1.1284147518659724	-0.9272485993677742	1.0
+-1.1927713830291693	1.3748594175398903	-0.7032369510661453	0.24420707079596798	1.0323459107790158	1.6169399021897064	-0.05483023725936617	-0.24801134827199994	-0.3967249498631411	-0.033547027338664666	-1.0
+1.0329180459160618	-1.9898222399382914	-0.2780337171101295	0.7656954261085819	0.7441495680026682	-1.7231933239653434	1.0303924263130786	0.05971477069293665	-0.9342158375564429	-1.0624411368884286	1.0
+-0.6294458606293386	-0.3022844248616988	1.0396388948858852	-0.9309696527726209	-1.277629080640249	-0.9443200259389776	-0.3188074229604005	-2.0842708835548924	1.2703115446925113	0.030877752980638058	1.0
+0.6531758521433048	0.558346902284024	0.13639753659343484	-0.33733841113672913	-1.337165050885127	-0.41149095236240474	-0.10777619396316224	0.5229173631509835	0.9561499786482655	1.2033205926353625	-1.0
+-0.9762315218209106	-0.0751525704189141	0.35280658284312694	0.049037461548016935	1.2860174671016282	-0.26722530141904327	1.3242380220962733	-0.26759192177397656	-0.4694062226879811	-1.4257562814463445	-1.0
+0.8054921061469411	1.3547691398570894	0.8255591814670258	-0.2586895904715146	0.7574995244231507	-0.7044557030990274	1.2113185073849615	-1.8422341740345995	-0.36824556412752163	-1.5479925634100813	1.0
+-0.45167227065102006	-1.1375423986557498	-0.13587675227718632	0.6343790937890923	-0.013557918030451043	0.3758968273279556	-0.23658235285975457	0.9791413360462421	1.0937481979752155	-1.3836221562341127	-1.0
+1.0101338828657191	0.8726631262318649	1.0376123351490436	0.3025477016355275	-1.2981174812942935	0.8478637181249223	-0.2688763993683175	0.30198299200599726	-2.2719054986176683	0.7576049876525334	1.0
+0.8760511854123076	2.1562199933480133	1.2887025562956078	-0.14253519602584672	1.6659047027918155	-1.380114296433079	3.85793967348964	3.075573893432424	0.830819563694863	-0.8782681675417305	1.0
+0.13986220576101485	0.7125389403746353	0.3596237434172795	0.7127480011897636	1.0687856807518747	-0.4951739548431622	0.132962280436304	-0.08289852500467178	0.21421904746683115	0.692696057131838	-1.0
+-1.9081847831366037	0.11653331605849324	1.7551741656764832	-0.3955656348590421	-0.9325834567618385	-0.6735645547992268	0.714532047991697	-1.790003919076157	0.22430285295477725	-3.209955381978046	1.0
+1.5235848315795288	-0.0696156591485477	1.3655901991926498	-0.5586953357167566	0.2753934759411781	2.4009183113212806	-1.0110351209554707	0.9425068791712249	-2.221510823700524	-2.585767588999438	1.0
+0.6889213621579444	0.041274574202699865	-0.49772668445684926	-0.009847287471481413	-0.5176603237193814	0.30217682520827216	0.7734409975442094	0.988208848486463	0.017600206923097966	0.8198061540197786	-1.0
+0.687759695794799	0.39315819224910903	-0.5108631934878929	-2.752037662677927	-0.19206908223922012	-0.23406889069910192	-1.6014139415281856	0.7910261496852212	0.012866884184724063	-1.3485118844184532	1.0
+0.8660591728218054	0.7912949804001552	1.176952513690748	-1.1654317335035704	0.5382460975045578	-0.8428605517089753	-2.874968879865529	-0.5285056361126661	-0.32108899071015246	2.182275910834502	1.0
+0.32870245607283527	1.4480014208760492	-0.43728724254382445	0.9114744851303214	-1.1268282836571295	1.114733892631557	-1.2265674316518074	1.3552725615328403	-0.08885766708388806	-0.694949123737318	1.0
+-1.0144720406973653	0.8712160137184647	-0.9194792276680201	0.2876311214263635	-0.5327923727826095	0.16564178605539887	0.016672373423269438	-0.6314322515594253	-1.0040158066788205	-1.3120985315266447	-1.0
+0.44682624679647864	0.14853198602056514	1.8363081603106133	0.1396675784886334	-1.7651938506826501	1.4476040528943543	-1.1417786944082575	0.7464021537026985	-0.46902780374760905	0.7869814652437135	1.0
+-0.1820208348243829	-1.003380717730042	-0.9369221110721804	-0.9442706004373587	-0.7275212508545039	2.0654861372867295	0.1360612935062583	0.20181386383006028	1.2707549044789055	-1.0034745347115275	1.0
+-0.7323378102483927	-0.6479921130452116	-0.7855214383236936	1.7347311831934773	-0.44615385943239716	-1.2399203282859266	-0.29178644639701495	-0.6601392708428152	-1.0917976649357448	0.5648569127221107	-1.0
+-1.9445402822954807	0.26393122365044175	1.5387536595031532	2.397073067233959	1.5562083709832442	-0.20268282272443056	-0.1089062616381093	1.1352016674683758	1.0097935422904265	-0.9134206948382958	1.0
+-2.2292589330885986	-0.46273031364217426	1.6282076357873105	-0.0758997670485449	-1.3945327153213618	-0.7799983027126963	0.6986307702990094	0.4729134646484038	-0.2724518087709634	0.18479275551351085	1.0
+-0.3389835320929106	-0.14231230753550203	-1.44904592785806	-1.3227165003614927	-0.7109024225989671	-0.606184110109761	-1.0722422723792842	0.5454540297228883	0.5391724452767099	1.1988239385167685	-1.0
+-0.07684033970519674	-0.6933878511104847	-0.9469760525902353	-2.268619962246101	0.21359010083019977	-1.265057694018798	0.9636968648987307	0.5183435151558969	0.5900261263151266	1.1311811909202247	1.0
+-0.1090739625676252	-0.05816611715256052	-0.8425159924738271	-0.7529456042925735	-0.48256531456153773	0.5245478462345327	-0.2645836803644654	0.3530051834614323	0.2238241190906629	-0.37219899010144253	-1.0
+2.6474189892831026	0.1332902420274303	0.8100978673990902	-2.066453723784956	-0.3284080793917298	0.2854489945462638	0.9127282586749043	-0.8853951972314839	0.662893215100046	-1.548077411041423	1.0
+-0.5558744255462802	-0.20939878024355807	1.8398709351830922	-0.012035767922212968	1.544249561568332	-2.185153803257982	-0.9052536407792096	0.21306591909620448	-0.9657156624472774	1.0094897718684082	1.0
+-1.0122112207459872	0.9050528629328798	-0.9129893226159165	-0.45036832301510676	1.0407174952822522	-0.7555250892846609	0.42441824827810354	0.06644430233106957	-0.08799540550164092	1.954430088902813	-1.0
+0.5679433816499357	-0.1016379743818435	0.0692509618345264	-1.1616019467282765	0.32702615652721884	0.5673334205644196	0.9015922583874204	1.8771428706377922	0.4306132751340653	-1.190784254860191	-1.0
+0.2262121311410064	-0.5693165703158743	-0.7322607097367665	-0.711741585516688	0.05687216122626013	-0.8234988716333305	0.30663585257868975	-1.8338737352874381	-2.89224040536514	-0.15859132011071364	1.0
+-1.5316018230959503	-0.5779462669917929	-1.9059055368464786	-2.008942616762241	0.23889598302964352	-0.5084528851522548	-0.04826170379593097	-0.03502705018890768	-0.7273069057149364	1.5183620699261768	1.0
+0.36102541634537905	2.576977679031155	1.5873212424728582	0.687677616154882	-0.018212347104613166	-0.5895820679190702	-0.7301662802248373	0.13438281144361666	0.9715535632493052	-1.0583794427218747	1.0
+-0.02860552628379647	-1.2522775141080984	0.10659762229930982	0.5422573331869172	0.9912188508026412	0.2872129861981349	-0.6359698186412605	-0.3785028025591672	0.01632286834064877	-0.20958795245614859	-1.0
+0.3214442712943701	0.23351936921649144	1.0149522887472011	-1.365343241823016	0.27653105409089324	-0.9552158838227957	-0.2605126207976518	-1.3274909827312888	0.03730765585464991	-1.4526406739111428	-1.0
+-0.8276017374999237	2.2921936458109897	0.6278876784461687	0.9527052435093047	-0.8296277386100398	1.1604663708722944	-0.3115251054922687	-0.5393910228200474	0.540432755366913	0.1406950564673274	1.0
+1.2382624131362387	-1.2855738604138573	-0.7804341795136254	-0.4661721263852442	0.096940343318409	-0.45823039827601697	-0.07936631605575531	-0.3182853136155345	0.9195436457578192	-0.5611773427197669	-1.0
+-0.4101120092081721	0.06812570823584903	-0.09891912036094928	0.23925986087456783	-1.2674959941594357	0.0915712442891479	-0.16935301763051838	-0.8856978941958283	-1.645607964622266	0.16979751913292426	-1.0
+-0.1378586963310319	-0.07149411774529733	-0.38621990548929036	1.3449502719441988	-1.081258571215189	-0.06307879670506915	-0.50356048600791	-2.050905763049373	0.087257980752205	-1.3294456177962388	1.0
+0.7563768879274201	0.8242892015046335	0.37967322200031345	0.5242236519537231	-0.45271329511708064	0.687592786751324	0.9167469515279244	1.1197161016785873	1.2635448363305384	-1.4561055975293318	-1.0
+0.32128693891873533	-2.4370266994140035	0.9733737109300644	-0.642481126749871	0.2928325635717791	-0.46398126201591683	0.38673364020325446	0.6724964425333426	-1.0909759530149077	-0.5270034201986623	1.0
+-0.30440284592936967	0.770818433376395	-0.23575096986827987	-0.17778292517384178	2.288635291333243	-2.5289475108846857	0.5677535540962639	0.07355255089438108	0.7483241867237762	0.9146566431112833	1.0
+1.2522315626273022	-0.8847286012386693	1.175609480746336	0.4796962084572591	-0.5899674340661235	0.8621689184981023	-1.4726571262457677	0.6523101983645719	-0.1516899652786653	1.3432368831212602	1.0
+-0.6594840624629351	-0.4090657931046078	-0.33858048238968697	-0.3966186853856485	-1.4582418462866669	-0.010906592167949567	-0.7665729756746352	0.8421724903224964	0.7918792014178204	-1.317627725338646	-1.0
+0.013153036557870796	0.15323002771333824	-0.7863950304118423	1.3681052191345213	0.004008795533567026	0.453194204359973	-0.4063786899313203	0.6841194893268114	2.883969251775838	-0.5881887751399346	1.0
+0.36522540717596585	0.3231095013887879	0.5824042646735971	-0.008457486200020091	-1.7236514338073596	-1.0255372547670172	0.5349275937487872	-1.6500251948243565	0.6689473090641462	0.2803223035037342	-1.0
+0.40271751266444333	0.59519151467352	-0.04489492214522473	0.6453464430821444	-1.1274591498928925	0.2245144207327693	0.10571095020938731	-1.0013467840435817	-0.1861816445428681	1.9979515177687335	-1.0
+0.5725567515972323	-1.3687162010707115	-1.1577200461261594	1.0658262297925543	-1.6549967992364703	1.4771353822876396	-0.9328609421342365	0.13042091725382485	-0.031028697570925873	-0.08768373982573438	1.0
+0.6177594707762792	2.8857517953922764	1.7598211003608997	1.0913309075290665	-2.2134606073911924	-0.023980761898605114	1.2372535126873845	-0.45619206614093344	2.124745399513117	0.2407422845881994	1.0
+-0.05864391264016893	-0.8739999199474732	-0.12278570026442888	0.9117965623133085	-0.10746411474278562	-0.7274708346047783	1.5957629012804186	0.9877470273404159	-0.4881110169164618	0.6296948056302356	-1.0
+-0.4533996984310992	0.6090995914299342	-0.8522489506584864	-0.05454962931514019	1.0907946273414781	-1.8463416145538356	-0.41243382161399256	-0.41546602951164513	-1.3017565892197434	-1.1360989745400003	-1.0
+-1.7976375781681988	-0.6615569434901911	2.5492856987737014	-1.6376756241371526	0.006317661817300752	0.5417126512741955	-0.13210003839031914	-0.378736298456714	1.9406228046678644	-1.0418743710911664	1.0
+-0.28559377932836866	-0.59892262579212	-0.3823403780460225	-0.9859808115749349	-1.3644765720109107	-0.823533424001803	-1.6813868155498577	-0.9162199391704404	0.5436279322698345	1.5248626005482613	1.0
+1.1974173477959238	-1.2225052973966217	-2.023763530020729	0.0537117476660896	-0.5362903624231383	0.10714253527293145	0.6151521853927577	0.9050654404010442	1.6525856413988107	-0.8428196875999223	1.0
+-0.06340532135397717	0.48905360189011937	0.7045354278052993	-1.0717355675879099	0.4137586484133794	-0.345025274037323	1.2401898182121198	0.10342901781618742	-2.1418516144035475	-0.6836501416815086	-1.0
+-1.1807980275906318	1.1810021618172988	-1.0660552581621128	-0.7430459223148423	-0.8859252495127169	-0.49581833514279516	0.527387687628702	-0.30175139488690217	0.35564438892659067	1.3281321131436516	-1.0
+0.2380742569517034	0.17185882517030615	1.1167682468088798	-0.013688855208146944	1.2829097566144694	-1.1299710458171193	0.7587214440890531	-1.0986042355701349	-0.3029040483924579	1.49961056170431	-1.0
+0.14614254213307512	1.9034164161920542	-0.3062063943698761	-0.45706533906364627	-2.38861407368411	-0.8617991799058063	-0.5343938353030584	-1.2626042854762183	-1.0231988412194268	0.5384660112416041	1.0
+1.7165027742351253	0.17912390469970796	-0.4559683500449692	0.32669169909966733	0.6819648840132921	-0.7379887070817857	1.3263448403293359	0.9270035239969678	0.21309224825039347	1.3283330921381156	-1.0
+-0.2108673539727271	-0.6769151658288148	0.1351177762474505	-0.16425303413718284	1.099720527820615	-0.5857366554551754	1.0326537546555192	-0.786824522255031	1.617741961423047	1.7668617516726024	1.0
+0.026714277801613007	-0.6938752020747251	1.9753281712575461	-1.2203869916654786	-1.1314983848532563	2.527070920782692	-0.7368148416525208	0.2499136810467275	-0.4072015719616529	-0.5283333516589073	1.0
+0.7000452723146847	0.07455981071053643	-0.09180805144899466	-0.8105601159173703	1.9998578404574014	-0.790472710889662	1.2720349278692757	0.12340670941539608	-0.14471976544476078	0.06339992712334852	-1.0
+0.031047952046710476	-1.7390992728519505	0.08649405653783686	-0.49104596911569837	-2.674354948547689	0.6443593624326104	-0.14505356097389743	0.8116910518786606	-0.24481231922778438	-0.696350741910387	1.0
+0.44909883424446956	-0.823087860995007	-0.402495596969506	1.385783766454507	0.5845207431072055	-0.24814981566368804	0.32847783781427603	1.1430734254415746	0.7158372997438407	1.3508013650170736	-1.0
+-0.17345609362160444	0.03192366589002642	-0.8603704762851204	1.4178789398571483	-0.21636159151507584	-1.0154893571166628	-0.7259753124258116	1.2277054932407083	-1.1264854630318841	-0.601702497867707	-1.0
+0.26686482080895313	-1.0280706824933712	1.6204683987456092	0.07902571896854252	-0.5695736471796179	-0.14829295739477777	-0.1504880604676619	-0.887961134764646	0.28675094725200034	0.2859729425182367	-1.0
+0.3074302518646544	-0.6575191404509574	-0.1251848370827014	-0.9041652092433549	0.07971000908831376	0.4892337648335795	-2.267876921091358	-1.4363920287788075	0.5923394212109696	-0.12518243894874598	-1.0
+-0.5372191508425196	-0.8699566545276876	0.2098594845826785	-0.6514435841992149	0.7644150970416564	-1.0594997311547119	-0.23003580655162623	1.8847060544535634	-0.5498117799824236	0.25069797962239826	-1.0
+0.2629482684151777	0.40492907257520244	-1.6024845301638289	-0.06048301501585981	-0.697530591149039	0.1503781049950916	-0.07780687825586112	0.1252126858419551	-0.9984660716843727	-0.255975214092637	-1.0
+1.479116981117545	0.4759463602670577	-0.18580560212243427	1.0540424748134019	-0.7858761582110539	1.3190200056340993	-0.17228886477186073	-1.8460295965152045	-0.7247573669263252	-0.013805770284701622	1.0
+0.5844426958957524	-1.079448951686073	0.7146958272683516	0.22357751470350606	-0.9060867789442381	0.21453403707113433	-1.4313384494982322	-2.2704132021611114	1.6680351279664263	0.6877174913431068	1.0
+1.4692083028521956	-0.4470343315836607	0.9692133398427439	0.8466872377493828	0.6108180939736211	-0.6652888855585158	-0.5390686415774785	-0.5699517962545901	-1.4893434370374596	-0.04884518704139992	-1.0
+0.5499305970570395	1.3048378295965286	0.5223109585785488	0.8438100462780511	0.055686488142052015	1.563792608618236	-0.6380407350109051	-0.7047392202425459	-1.0466273798176675	2.049778771444076	1.0
+0.3899429971033616	-0.2279594058376745	1.2652993760910154	1.6850310129308619	-0.4307541449118705	2.4944056179800698	0.6062782036825521	1.897495684900051	-0.3652339819814644	-0.3501200079640903	1.0
+0.8968935558620045	-1.2961422703619865	-0.7661022207718267	-2.2362527882016288	0.046327557310846944	-0.05535106725613376	0.42491286095294456	0.6228215147539629	-0.20458977846842988	-0.9035207258064066	1.0
+-0.7077880082031884	-0.28824269480756903	0.3752751708285271	0.04209531864771717	-0.0899568402734146	1.3144282945889445	-0.2055219060653654	-0.9611185195569437	-0.8770797047105753	-0.3493805390110045	-1.0
+0.6595634650916563	0.6790203045104227	-0.4093739891492758	-0.35331772809174306	0.4293192866086668	1.3487878682901	-0.2728913561712938	0.18393634027606567	0.5588657879489666	-1.3713232471471188	-1.0
+-0.33064387147695085	0.4522332723500524	-0.5305183143587244	-0.28145821900384405	-0.6441278738693271	-1.1300262257452833	-1.1617665339422667	0.16933309281863	-0.059698139612798386	1.105836446597426	-1.0
+-0.6618912758728542	-0.35850443734187276	-0.07117035012372852	0.09786380091576943	1.770668260834617	0.7161109143496656	-0.25203469271235573	1.668179441254334	-0.833481645415412	1.165181781246556	-1.0
+0.16824138572933983	-0.0970197604214342	-1.108371640458861	1.1631257343736865	-2.204226920077547	-0.12336287720355432	-0.4391047192362273	0.6299876168291397	-0.8695507065224324	-0.6080810819389247	-1.0
+1.1993328107538388	2.7250208073497655	0.45076298555579936	-0.8394777244112416	-0.040195475275759104	0.8850898918686639	1.5860651416439473	2.02577923393804	1.5303010308595233	1.8327334301292564	1.0
+0.9689045577333327	0.170770931967963	0.7079943796338916	1.3016102245353771	0.377426024051308	-0.787901129200937	0.9282123550423084	2.0333233170635046	0.5812629099886915	1.560723423781778	1.0
+0.07371157701560777	-0.022356711144941453	0.6855820937261274	-0.22007309599774338	-2.068890495355913	0.6336131127287113	-2.340925516401822	-0.4198460795464502	1.0173191686261756	-0.38910754054643126	1.0
+-0.7372621615773305	-0.006598203487616498	0.27650295204355396	-0.5852677365383244	2.2812721074024944	1.1535198870555938	1.2972505366193468	-0.22290652406605962	0.34421346303858386	-1.998282087632246	1.0
+0.5515401814060694	-0.8347002345785401	-0.8106258122291109	0.10382736210532115	-0.2885403301648238	-0.9294976841312648	0.4487887875734142	-0.5560681594651091	1.3099523237532418	-0.6863958655184795	-1.0
+-1.1332472710708152	-0.16433173228337156	1.0604911834109119	-0.5296495025503906	-0.4208166097429164	-2.593049387823186	0.28768107786745795	0.8101916422542774	0.10193764725371153	-0.2805096318513892	1.0
+-0.5777727170864493	-0.24321111498677203	-1.4925201736211136	0.24204583536789437	-1.4130407277334363	-0.9453346120985947	1.5221528599715186	2.000672024084738	-0.6563789851711918	-0.4729131940164531	1.0
+1.746256318275166	1.443087583454784	-0.9194491847633625	1.0901528926431487	1.0925633619786013	-0.32415019818829954	0.8237126081224749	1.9550554438780816	-0.6511305169582245	0.968886848221698	1.0
+0.4202392504617797	-1.7077148903852681	-0.005924072251181685	-0.7404970062580767	1.3521367585609907	-0.6449885420999844	-0.1551428089500599	-0.06865025280146782	-0.43232000255589664	-2.197691926666584	1.0
+0.892257884749868	0.14386099595965895	1.275597323305137	-0.46898715506363886	0.4741248277718854	0.66839521890313	-1.2047158798971238	-0.8511320881692872	0.8991245292770655	0.9371915337062796	-1.0
+0.9535866516994639	-2.2051034645754948	-2.281305792694086	-0.6116310759188245	2.8097011435732293	0.17584571165005292	-0.6307555906525206	1.8555455403701624	0.16029074988453906	-1.4228495469631228	1.0
+-0.3676598535224105	-1.8862883675077626	0.7548220931778789	1.7812245781622742	0.6526294599846313	0.2375037940405147	0.5942014265411584	-1.1329343313282814	0.4974278727895833	-0.24423451883692596	1.0
+1.0406815179638391	-0.2670710335696844	-0.6772836861850628	-0.6716078230151616	2.6256144457846546	-1.1168006401508905	0.9362535725466031	-0.5661823837482267	-0.5053469214826972	-0.8664172853019196	1.0
+1.397031114430776	-0.8619219742938617	-0.11515634319648775	0.010536697447195188	-0.5196163599941902	-0.24957125769621874	2.2436594507282206	-0.4829965988829622	-2.3689801750315524	-0.9215808226333405	1.0
+1.5190033138842483	0.5524984188665393	-0.6926816136990898	-1.0600082591583286	1.4671555504106528	-0.1679131727874871	0.7597959068113311	-0.2086217318530937	-0.0482216355946755	-0.18337459189215918	-1.0
+1.2830307747086311	0.6847631554909649	0.5078271760432795	0.41614597578860496	0.1429569524514458	-0.06162756634039431	-0.31480674559033817	0.6610574334671373	-1.094868489559057	-0.3473542636872249	-1.0
+1.3583611934492914	-0.2980589001770356	-0.08008290659022492	0.49468129909971936	1.3733264119781319	-0.9287657608462492	-1.0562806080043665	0.2022550669003972	-0.6782509079000207	-0.022012467048051917	-1.0
+-1.9003696914644261	-1.0239364192571805	0.21506804700839205	-0.5266982026448499	-0.524434980542717	0.547052797574943	0.11873192576862872	-2.3053224234261527	0.719991138685963	-1.2845045596199125	1.0
+1.3569787876682777	0.48468627798385755	-0.2561154143302568	1.3546263068343696	2.0759505803869307	0.6668801993571806	-1.0137197024379423	0.19659506908435523	0.2108731700382351	-1.5523887064375035	1.0
+-1.1106346720321985	0.4504456177691022	2.2803112732391826	1.6925906279849425	0.8841718182048186	-0.5384799446573829	-0.37667434221349183	-0.43238636618530835	1.580659829411814	-1.6847064151587414	1.0
+2.135839579661295	-0.012045236853271031	-0.29108659019024025	0.5624562546330725	0.7315635547473112	0.2080936834521666	0.14688445026802582	0.5095493726194038	1.5405555309799355	1.6862402750755072	1.0
+-1.1769248912579864	-0.1895277822930986	0.034288605346101064	-0.3339099307005731	-0.38212536558313037	0.9727972485358709	0.30867526144867835	0.45675680055100876	-0.3597035854371358	-0.8476549112820619	-1.0
+1.2116386663488123	-1.5451347924726995	0.6830976831702715	0.35618373486097415	-0.11846930012185257	-0.12660063112597814	-0.35432027228237667	1.6226344780340827	0.4878147649765918	-1.1219892377344292	-1.0
+-1.2718116679596179	-0.24320231504242704	-0.5666412777157238	0.630742979769623	-0.12917328933680922	0.8308526010187456	-0.9537377215409267	0.46020710543895615	1.6608354030583428	-0.7640402478085184	-1.0
+0.12771181052702799	-0.8291825633597693	-0.5004744114139862	0.6876259510533493	1.5345529929213104	-1.0372415290485972	-1.1409669611458368	0.586065961267128	-0.7203819922636215	0.3136974470241752	-1.0
+0.5708166717972424	0.9114872277854996	-0.3022998396168013	-2.091922245950683	-0.3783418745400049	-0.9778311716440287	-0.5024439301629023	1.1137324694427062	-0.6702242261982462	-0.3544401787737543	-1.0
+1.6359138753477174	2.929660893432376	1.0249635446624175	0.8263678474871072	-1.204722529676112	1.103931098477063	0.41080891898717925	-1.1632958763488586	-0.711126068648103	-0.7776883945882607	1.0
+-0.7014811472600427	0.5167863504871545	-0.4143994932544478	-0.5615847942521986	0.3437170326220349	1.7475220863842662	0.5398998770150264	-0.49519737438896855	0.46301689909689936	0.23737629933432333	-1.0
+-0.5918632272605117	0.6551705283348923	0.09451199914284816	1.183412573203491	-0.2216084475817371	-0.7767689612363475	0.05633894424120396	0.36247267480026046	0.43035789354356024	0.061607686265927775	-1.0
+-2.8186530025073595	0.827177562356735	0.8621190134296215	-0.5240201725381137	0.5558064722220939	-0.2997158513385201	-0.8570825503940438	0.6675880922360743	0.9417552666999109	-0.646962111575448	1.0
+2.297885578997527	1.276247945989341	-0.47009316461768835	-0.7192061272862257	-0.15806847832806897	-0.5482813446368637	-0.6950098823438737	-0.5080798628815741	0.8451070985370979	-0.3641863572992026	1.0
+0.10415185780639113	-1.1327291781835451	0.9951843831205078	1.5038046653372112	-0.35779084437972	0.43925107369417943	0.9761767931804848	0.5485566605075846	0.27987375745446136	0.4605439023890654	-1.0
+-1.8155995691953226	0.7389509974901849	0.33409134205811086	-1.1366259127066474	0.33687080618689497	-1.93022327109422	0.9404548194318197	-0.07844206283832174	-0.6885408976578092	-0.7230597875372071	1.0
+0.814324613537393	1.2140595171215174	-1.6119503393696952	0.38265856161425904	0.8459134704189475	0.32351256640857523	0.17759075527122256	0.022725782621203446	1.1092738552242762	0.7463122829548583	-1.0
+0.8493202690407095	-0.7171971284211488	0.6271956315522539	-0.844608668797061	0.12548690045124972	0.01971106661270503	0.3312851879047735	1.392872207641418	-0.365800592740796	2.2751079842809023	1.0
+-0.41089883250021403	-0.863695134710848	0.6091057104482803	1.2619572530223984	1.2455241795966359	-0.6045175428606584	0.2092762944699149	0.06886762106070753	0.920622863636502	0.8686502617410066	-1.0
+0.11248681150043587	0.5333662646860791	0.2657401234141504	0.5106942988951843	-0.6255334005329436	1.1907316086258812	0.6701565503321437	-0.5369047713298828	-0.8750993854125558	-1.3820347260227162	-1.0
+-2.6192806035910072	0.5861653271698655	-0.7624907593835051	0.6397705674189378	2.1560252861535147	1.0854940115848073	-1.5795988238989795	-0.0843840216296024	-0.10678367894303217	-0.8713026470236783	1.0
+0.7085263301324782	-0.17704463664703687	-1.7077448427289017	0.49356800079005453	-2.2668849557948265	0.9592831641658773	0.9973927328851383	0.12372879270054708	-0.6987088119151889	0.29032122469609184	1.0
+-0.8707192095484595	1.4456183940991385	0.4949902726326138	-0.8451664655381013	-0.2628130337984583	3.1974829539733727	-0.0010588423370812654	-0.37829745272534815	1.0110108162654712	-0.6334300503835257	1.0
+-0.5856061645692245	0.7771447267055485	-0.7685061144460843	-1.2970277152025405	0.7375706675328788	0.7529184295240164	-2.306182941147614	-0.809273033397095	-0.23693404546697278	0.3239072506712229	1.0
+1.0720688438114894	0.08645024003597679	0.12369973790391253	-1.0622293344492408	-0.8347039847535137	0.8983820725024066	-1.1004879462237114	0.6338708137850724	-0.9152704846639929	-1.297471755359271	-1.0
+-0.4322117530530746	1.059455516811933	-2.1595920504682318	0.2736075032324234	0.2178924553288528	1.0759409181533681	0.06937008395653746	0.46665199638203264	-1.5287869947378168	-0.9256383920977915	1.0
+-0.6631329812615014	-2.274070053731467	1.1667980284973485	-0.7249330776348837	0.7411405179848544	-1.0020134142607244	-0.7316650418582739	0.5963143554325262	0.5363444440333102	-1.379225616134922	1.0
+0.1390867505544731	-0.06451309551365764	-0.09527290234272089	0.3379535699933314	1.5807860908438993	-0.6953396335230776	1.5870889370740489	0.40043811487947506	-0.6418145875587414	-0.6926221975020497	-1.0
+-0.5627558800719191	-0.4694866980716366	-0.9429787966287079	-0.3586531509541748	0.5813591730005884	0.11220827271785544	1.5988127102205738	0.30430567959512733	0.9287687328933728	-1.890064241013992	-1.0
+0.9911844589581342	0.5476098176306101	1.3874400614164746	0.8696564647003973	0.5418393251037328	0.5706552646301977	-0.2677426807372017	0.39242735549607893	-0.7126300388983264	-1.2510825198094822	-1.0
+1.7893962060023398	-0.38542737502404606	-0.33937719999794	-0.4653767839296524	-0.8543980754353178	0.17840259925316965	0.23731164772086588	0.7427861661062981	0.24930998597507595	-1.9315293250980572	-1.0
+0.7929518975841817	-1.5376848226493998	1.3897142939008622	1.1836559269554183	-1.23787039502056	2.135545601595113	-0.1667210430129357	-0.7169675793179096	-0.4438538195629017	0.6325447969724978	1.0
+-0.3704887551777182	-1.9260882651788052	-0.9895111468738925	-1.0938410824485512	-0.01527361681359736	-2.2724393778493805	2.5707645107660437	-0.055598926892828825	-0.7091400944632673	-0.7448891733298583	1.0
+-1.1604505895963486	0.29442208903978195	-1.0099153635800724	-0.08405908275243704	0.6364125215344348	-0.12031642840440407	-0.29672975912512006	0.2543420370586476	1.6347076109296752	-0.7216707082208504	-1.0
+1.0219251961145952	0.19299500589830051	-0.47729389928282157	-0.27166980167059496	-0.24751855177125084	-1.1322412716856916	-0.8110222905403106	-0.10473605798933078	-0.035928362941471184	-0.6534723222613076	-1.0
+-0.8154578692172377	3.2529008023011587	-0.32230874972038603	-1.5958813690320397	-0.9471392661729446	-0.4661557022161254	-1.1963099714035128	-0.6788102101595077	-0.2281547965833843	-1.4737655176136435	1.0
+-0.8116419957449114	-0.093173526942104	0.11250426233136833	0.09207904862564406	-1.3867146526153864	0.8282908984570213	0.009430420454783334	0.38416436496131556	0.7831220308214599	-0.028677866459869465	-1.0
+0.5748209312636592	-0.22085148462505744	1.483178916134393	0.5384714676400842	-1.93736462781153	-0.7742446220627313	0.9863681649066736	1.1375377820834534	-1.328483968518206	0.9314007484353164	1.0
+0.4152987016284749	2.565917360177608	1.3110909185719273	-0.20429550994058496	-0.5277830403219427	-0.05624642393738156	-0.18726676450257188	0.41535786515366985	-0.180323324487924	-1.2377573117811096	1.0
+0.40944806598520256	0.9710150739398405	0.055893360103507414	-0.13442562190597213	-0.7935082792305357	1.2485130631114325	-1.1446482896282357	-0.922849593193101	-1.5573740255791648	-1.153885792720572	-1.0
+0.49790841207097386	-2.338273386722357	-0.7735959733304064	0.6807164316349167	-0.7210278452213854	0.6232216740312264	-1.3283248730961463	1.8356854615940046	0.596469164632437	1.11694972800202	1.0
+0.952868090977543	-0.5457976028267867	0.5450784715193229	-0.9275320032879893	0.5568882027647745	-2.6545414330136725	-0.24928762363265858	-2.533714900686942	0.20604165648494577	0.5416161166668478	1.0
+0.5219979705833208	0.563949339433897	-0.05818985492234962	1.0778035873134737	0.6791380636681086	0.49256225202705956	-0.10405164557505987	0.07530237581078959	-0.38465598282466923	-1.6645104329617095	-1.0
+0.39058426076124503	1.3925260779906183	0.16841451395907342	-0.3925687758796	-0.30229931902300344	-0.5383113936858084	-0.40544947525878355	2.308417411264717	-1.161481950236712	0.365229811440301	1.0
+-0.3876465197231077	-0.32107571525219936	0.14753580887585138	0.32032143845469147	2.4540699865725952	1.48165499306989	1.3912563489889982	0.6065672606903332	-1.3270484988969211	-0.3071043136579491	1.0
+-0.9436975883785224	-0.7878701909688464	-1.041432014546035	-0.9819405159147886	0.850917690412449	-0.03764483160530487	-0.10897822398419477	0.2702901295410002	0.23171425886031422	-1.5288911390500588	-1.0
+1.4864063190360182	-1.6282177718096182	0.8515169424047723	1.5754546206896403	-1.751877375915603	-0.6674561400646665	0.6228160705098441	-1.37673177011338	2.257105652325047	0.36492588017405486	1.0
+-1.2768418032135684	-1.4794523507233939	-0.1685525212259554	-1.0534077869037715	0.44210387411914803	1.9197425585151304	0.9729328493326022	-0.1293144508869995	0.6322480767243195	0.6500211894577178	1.0
+-1.0413287186178035	-1.8994347398217741	-2.2513351691435166	-0.5091252178684762	-0.4773688571263915	0.8826732417762103	0.2220474489058974	0.9023035325256057	0.5047301964557872	1.27770675903322	1.0
+-1.91867051463498	1.2395346950463286	0.13276628757162603	-0.934163742863351	-0.6753613928234674	-1.1173468591748723	-0.9193386835215931	-1.6450597503739999	0.49964503885837985	-0.14793977663719407	1.0
+0.8010132025641555	-0.6561683914188803	-0.7303432134669876	1.052612213798156	0.20588204620130146	-0.7089437447106754	-0.27750871888408135	0.5253208656130269	-0.10263740350804132	-1.4718024022204228	-1.0
+-0.1720016407720518	-0.03485269020051633	-1.1259395963309522	0.11353638062792963	-1.8022338122384196	0.07794539839355762	-1.6455630924194975	-1.0832724606105695	0.27391970907521396	-0.22261666691449442	-1.0
+-0.6712985654658538	-0.4248872082482339	-0.23156601234163043	-0.25204009950055384	-0.03998527731893999	0.08845019567417375	0.7332010817000086	-1.7952223314367777	-0.8608340520871763	-0.3592844573981156	-1.0
+1.8615079791293867	0.07567969491410388	0.31671759658978915	-0.14088196706510941	-0.7959490828613497	-0.1957764631453973	0.3164135992879402	-0.8404959717607442	0.6950459152988785	2.5743774170572635	1.0
+-0.03850183629652526	-0.8831810933826825	-0.13261465381720608	1.245927327198678	-0.029215350616095467	-1.2447555297812523	0.7090071647807351	1.0932651544462924	-2.1179586882142183	0.5546032137785528	1.0
+0.373804500701193	-0.9447523971864591	0.6579063466555688	1.6907271573797713	0.19795807338872481	0.46313191383624364	0.16805519074751002	0.1433734811754914	-2.102572569565361	-1.5345185879811143	1.0
+0.5422009876544758	0.021137383803465484	-0.3913427396826717	1.1754220486327704	-0.1624128633612627	-0.32967599007509585	-0.6698999135505094	0.7957538616832794	-2.065460023750255	1.6479521897098153	1.0
+0.7916568619310699	0.026047949725217002	0.11980403894989199	0.4003349452088214	-0.532841258887561	0.5515228283280346	-0.04328498355773543	0.8360216198318237	-1.1019079628019965	1.8392396126142838	-1.0
+-0.8392787196734521	-0.9032612795228153	-1.0360155745433912	0.3584184300730976	1.6113278152934578	-1.1228714088538807	-0.00573629616464749	0.6785975071445123	0.7355141369648618	-1.1163298319323551	-1.0
+-0.42149791592154057	-0.8111909845152905	0.5133516206804658	0.5596049961465585	1.2372073277017173	-0.029767490708398948	0.6416766584030617	0.9613836526151365	0.021426850029034692	-0.26229033898779025	-1.0
+-0.8915907659902134	-1.0470853844510801	0.7256572920466966	0.8819141124077602	-0.24574077501449448	-0.6757986185783482	1.2732961690694489	-1.6422409059255298	0.11342576959257727	-0.7695159796932176	-1.0
+-0.9805822175698738	1.1710835036186504	-1.022439014153252	0.6323801688030679	-0.05879930999668546	-0.9621286662467072	0.8865990603268918	1.2650377385436393	1.9715212116479575	-2.194508803044697	1.0
+-0.057433473373490536	-0.5245170611148295	0.38976152676692705	-1.8915231712948801	-1.422653305437163	-1.2208600182797968	1.0533466475472533	0.42840060230529514	-0.49295571686581857	-0.8806309088471742	1.0
+0.5922088885647733	0.29682919133623076	-0.16467980281744263	0.2809370647501584	1.555888799783944	0.7458685849761907	-0.13393665804209826	-0.22214270831377508	0.43052180752145397	0.4102475225820112	-1.0
+1.457891544806671	-1.2523484066972168	1.3078130817146612	0.5956840523360536	-1.8473075659892315	0.05745400435124221	-0.4187251839163349	-0.7501323680171557	-0.35339746345380346	-0.5447691136683901	1.0
+-0.6908757450709337	3.6952997783501327	0.2540683382751721	-0.6497124569242408	0.585573607109268	-0.26597152644485383	-0.0788291979323768	0.7279390358755751	1.366949742955891	-1.6668805022599866	1.0
+0.3378011936961394	0.2079153346487379	-1.4988550541024916	0.9240925660100396	1.10919976721021	-0.8273725927527698	-0.8323621287038554	0.6853887592652913	2.0545326852812407	1.3910864838548966	1.0
+-0.2809232061201644	-0.48057596253157536	-0.24394028298366904	0.15383110884472104	1.9209391740285784	-2.471385542282654	0.1798731371545325	-0.5795073006729192	-0.8735195279560218	0.16597253072044424	1.0
+0.12864079034853612	0.004739821932777124	-0.14454495683807528	-0.9552885645951718	1.4737155224727905	-1.6829282968038337	0.7205167404505212	0.25820545739708217	0.7295539837812798	-0.49036321851585124	-1.0
+0.15571555789835304	0.1447498147110094	-0.5560116328869547	2.035112955294972	0.6657168027518681	-1.1608780143872193	-0.2272470773680726	-1.1455605077655542	-0.09382341620634098	-0.38713935944426353	-1.0
+-0.7917222269620469	0.801759770989161	0.141568200123504	0.11944449842230251	-0.5947131506390755	-0.9110894569987914	-0.21406430482932137	1.0320175821509128	1.0826263769551498	-0.6898432731353442	-1.0
+0.10189135481818157	-0.7470853046062996	1.7887899813212826	-0.6998980011621436	1.0263267172366544	1.1820482266236412	-0.6398412692249618	0.6930439757683763	-0.7353984733490649	1.4324451728810224	1.0
+0.002039989312795594	-0.05242307406751564	-1.4916482971486642	0.3503493253178818	-1.4304583513209488	0.5636399400377983	0.13284630812697834	0.6400652771209987	-0.024541300619146538	-0.038054654908441364	-1.0
+1.6540693588717	1.0077215829577184	-1.7790052198085884	-0.014624478743989654	0.6762497993725941	0.21076381406530026	-1.8618023512041566	0.2773460749128965	0.11957236699383392	0.09230308711426082	1.0
+1.0209239802272385	-0.5123607632950907	-0.04100745586155637	-0.33997777557902475	0.57406693541952	2.6628271918309028	-1.3683019563925773	-0.5927440624976305	-0.4985029881803607	-1.4491328383391289	1.0
+1.0479255394356404	-0.7097112074705344	1.1101865526683756	1.7212311976518058	1.6427267909939458	0.42604107028869614	1.8922403900043392	2.2255099612336893	-0.8836138953907986	1.0286079931145995	1.0
+0.5872594680978843	-0.45186439475168905	0.4742240303458316	-0.09572608603916524	0.36767347630475355	-0.2759071848328467	0.7257751086155199	1.3525883572448814	-1.7155404770963167	0.6894265106536129	-1.0
+-0.7172101122622849	-0.6258061948132327	-0.04862094515232531	-0.2835219064516102	0.020754117929975585	-0.6006192810888252	-1.1833638011279208	0.9812209106546904	1.0562356622512707	-1.3510974100758113	-1.0
+-1.1927082123484898	0.9059064556897761	-0.11033751258126516	-0.9668870356169144	1.5697333822572919	1.094534222872464	0.962437095583402	0.906700812097106	1.7602727182818783	1.0176284959132584	1.0
+1.6418534367248823	0.9787815967593494	0.45187539696617784	0.7517268573418665	0.4596208416025718	1.2175215926968426	0.41889930681094917	-1.0340715190019967	1.6461506538132258	-1.194368281479641	1.0
+-0.24434612500459743	0.8905795299551568	-0.5866455215458722	0.030531942351904175	1.5141044751068355	0.9293797179956591	0.5915653121373462	0.1407303175871868	-1.5214526807706006	1.021842667698157	-1.0
+-1.5822767860023326	0.5095145953119626	-0.3568770116156504	-2.2175685002493553	-0.5916821178781952	-1.2565064162970065	0.670571381059279	0.09924302883049717	1.5947769886550391	-0.9412733772954048	1.0
+-0.7385535329801526	0.19762742151241033	1.3557367974480028	0.5383065810535187	0.03551647259451544	-0.867003744799122	2.1780893391993934	-0.15880038306288738	-1.2309562517581967	0.2753602396027737	1.0
+-0.7688810631336986	-0.9792940772146265	1.1373522391416644	0.7008739180657806	0.5920515593160753	1.2598793765169944	0.1322846980257473	-1.2663524708219718	0.21908701821238732	-0.011800144206460887	-1.0
+-0.9253439813451969	-1.2524149439011607	1.4930226357142633	0.7854764528549868	-0.9027164538332099	-0.9333172012444224	0.5045797654704761	-0.036368833910613865	0.856155556836564	-0.051342912704208085	-1.0
+-0.3295430326335301	0.4548291714968719	-0.1594703264438506	-0.674331185486303	0.5601231610303146	0.9889128942913799	-0.446148032803478	-0.42788233263563014	-0.6510789642920245	-0.9385192820557556	-1.0
+0.38117292894343124	0.9364639460195264	-1.5928398829912223	-2.113494174527808	-1.7825335343918676	1.4449448654579424	0.365744491258538	0.8446652659045594	-0.590898304466056	0.983494902139982	1.0
+0.5759844406328872	-0.42120753173040376	-2.1752608562496487	0.8790187243834333	-0.6224258458551829	0.2749149959814443	0.19290973969550157	0.8322105519422051	0.6142851481201329	0.8851025149493374	-1.0
+0.48843220829071704	-0.47756825940893144	0.3764827219613796	0.2545873339241572	-0.2690378414815943	0.1273419395036818	0.6865082699832734	-0.3027387373729808	1.0800426342444311	1.532265249006984	-1.0
+0.6914348836708955	0.4049321078802233	-0.6241068764943583	-0.427783729987251	-0.5969293929158517	1.2246640552123897	-0.19278078851350763	-0.44838400048471444	-1.005297599943295	0.20618061071078814	-1.0
+1.4362901237563246	0.9729826951781718	1.3742180951336622	-1.2577357193446648	0.44267472266842484	-1.1052352429148984	0.751514201601818	1.0575306323740594	-0.5007833154550767	0.45993715118448286	1.0
+0.6560105088937781	0.005411040577460287	-0.737470633061621	1.1188902572116768	-1.0883669920250287	1.1835867409108132	0.3747819439333432	-1.0219953285263044	-0.20161303094544727	0.5008709554970783	-1.0
+-0.08454378176961004	0.06581590910791382	0.010182301205252762	1.7798243766533453	0.09721144394744807	0.2745242951730754	0.6114749324736095	0.3445533288016556	2.2414953786592435	-2.084639132454187	1.0
+0.29278037857569916	-0.32718066974612353	1.2374525408589556	1.0699691016892268	1.6795083582836285	2.6116720650317333	-0.3840869293209991	0.40445166836461177	-1.24677147070361	-1.2863441677084697	1.0
+0.1680772018666437	-1.362046957534967	0.5090308956583095	0.36586657398015354	-1.0101818427081926	1.3308530886738394	-0.7610443564264088	1.2702174634982397	-1.8420765927960854	0.4955700482049656	1.0
+0.6277206416217667	-0.28759791546421387	-1.0585617060817396	-2.20224147187092	-0.5300397580425709	0.6639947087477739	0.6903518195188416	-0.16525156924899576	-1.4238739032547831	1.7508021778248384	1.0
+0.6101809585146623	0.021983403711540825	0.05052246940084612	1.068809358298806	-0.5306282317454503	-1.577757912047736	-1.220352388121859	2.1045309968729025	-0.37333697669245425	-1.256736509931358	1.0
+0.67702986849365	-0.06329423876550211	-0.7854454500269243	-0.6596664669852498	-0.9920219309311785	-1.3480593072410196	-0.5218516926866221	2.4473464215266993	0.12593047317490033	-0.7734723290170594	1.0
+-1.6255296971778601	-0.8496028332724122	0.9854634218314932	0.35213740144334865	1.9025139205319999	-0.382032524538817	-0.48685100067278825	0.027027199178539327	0.36588164236314136	-0.16602861813409478	-1.0
+0.5404022758199989	-0.22359822709110108	0.2617010365210662	-0.8788256991222697	0.22338152449598941	0.2759418990779069	0.06464925530843595	0.25129617537815985	-0.23892745611740313	-1.2588940133861541	-1.0
+-2.5055621691037677	-0.33917079652490056	0.48349270599591304	-0.3323784630878313	0.7942499554780703	0.06333222100800502	0.5545025154210302	-0.7619025738249727	-1.0742220300731438	-1.2499063145267277	1.0
+0.9028676909648012	-0.40831520780284386	-0.33375727444634623	-1.0860944718884409	1.079404273274736	-0.8339293547395862	-0.9066933774116075	0.47914430143706177	0.42444351582043344	0.9966835305932787	-1.0
+-0.4585623717703027	0.08476026448906594	-0.7517887703057032	-1.0602489433219269	0.6105405603036862	0.40627103433728035	0.06945486058985327	1.9247295220379417	1.4539247011274994	2.0862381838376853	1.0
+-0.33901502980395704	-0.9472427030108499	-0.10187157236010007	-0.5649699251726251	-0.2805354315283516	-0.33665621874795576	-1.094112401850779	-0.5350047996610439	0.05140356784039861	-0.46015395801657283	-1.0
+-3.019478289127564	-0.8034789084221933	1.0155312441539965	-0.8423798812727651	0.6029855042946175	-0.021126861661468852	1.0596196518981214	0.5935863876326577	0.8621616676795987	0.3015015601554714	1.0
+-0.48152007909040123	0.12213336537981243	0.4667625263465448	0.29207422144612344	1.1905032745203572	-1.1644960047852317	-1.9118384764938943	0.5767659350881928	0.3129448076130652	-1.3664558272112886	-1.0
+-0.32094617970991796	-0.03218742948789234	0.9242571884155808	-0.10530188835403416	-0.1471363794092325	0.7639739519567249	-1.7750661246399277	0.5439800733216288	0.16920718894614695	-0.9260164082022244	-1.0
+-0.023876597295284383	1.285165082287723	0.36501060120400836	1.957147485251539	-1.5246206669302385	-0.5226247989378464	-0.8027494032332249	-0.5154219727994211	-0.5622819737026037	-0.6457140460803893	1.0
+0.5944669002646673	-1.1489963195247355	-0.8191788097193523	0.1834038489640686	1.9331494051476352	0.06339719161509598	-0.13231336136075628	-0.613147286313191	-1.5652686351165574	-0.97217252028459	1.0
+-0.17271456198533477	0.3318117528760616	0.7176342868325969	0.9238046790574793	0.7087684072732814	0.6326611553098112	-1.661077645229176	0.031528885502400274	1.6090347711218371	0.47177761480283514	-1.0
+2.0468956858442504	1.2229795703374287	0.6293960998434666	-0.9902737266289515	0.7855210421731049	0.744750904240967	0.6048503597711237	0.9479135293583886	0.02919824227611224	-0.1532949994121978	1.0
+-0.808253278056905	0.7148458150529693	0.03837002381133596	1.0886277258418602	-1.4201810549223448	0.19773612678223465	-0.10630799215816454	0.01777062822279798	0.35644111212353585	-0.14474255579499676	-1.0
+-1.2525300719713104	0.17099173202803972	2.7763254588000312	-1.2200783739047856	-0.34153074332485567	0.45476536272575707	0.23842571206455815	-0.11660753330508225	-0.48053705721973694	-0.1414497929074891	1.0
+0.7461143573591915	-0.2324492035301729	0.8550308458376977	-0.08217955576858212	1.227917194888763	-1.014912045053364	0.5826351796035163	-0.5605490108921727	1.5188709127713413	0.47973453921572196	-1.0
+-0.4848700259763014	0.18552322332850749	-0.6475897026924888	1.7643068907799073	-0.7623451772061194	0.1583505914466949	0.9389037772943867	0.6290985070965912	-0.32383251498638105	0.9517123999002982	-1.0
+0.2018708184922912	-1.1791149052826604	-1.1102859959976457	1.1454614336543856	-1.6270171962609803	-1.016235867126816	1.6557042382271825	0.4480092560521237	0.6324830961433667	-0.3293872870576077	1.0
+1.7609482909501006	-0.2731028334753048	0.926485195456782	-1.078985711212504	-0.580865395477609	-2.729044357089719	1.1020000973238673	-0.484610482060817	1.143988351254438	0.5991729916158207	1.0
+1.1171287573337647	1.6302750092650247	1.757352397931975	0.19216480176474013	0.6628117661526611	-2.0629441646040836	0.4435442534411382	-0.9662136543845258	0.18686589206270993	0.43966891204060843	1.0
+-0.1846462299060448	1.3034169184403073	1.0139442850591336	1.1956678167282278	0.9050264189533831	0.5604533970480537	-0.8770332527050415	1.538379851802693	1.7335413254921535	0.33781442919692056	1.0
+-0.24077939121999706	-1.3836466853338705	0.2762461940304474	0.16775394441283006	0.5209334119987634	1.6719726008266134	-1.1365518925887945	-0.6796747635067687	0.8957657547250679	0.9382279927349255	-1.0
+0.7930605524518372	-0.042382357726280115	-0.05705869182666073	0.031216052991360762	-1.3208173667695051	-0.21899848103126462	-0.42039445805125514	0.3100086777490648	2.180496319638774	0.6696772854660646	-1.0
+1.2990494852142003	0.7779730855208029	-0.5369847731644571	-0.18085904537193154	0.6254161731374436	-1.4107230271446614	-1.7136969019583213	-0.20792927144826429	-0.4432442621231197	0.21044802246357056	-1.0
+1.3371703539009159	0.8499909381531157	0.6554100699036137	0.5179461774231867	0.22641983526200565	-0.5240694201011481	2.7347220680651043	-0.34408047191205804	0.5732667698824925	0.1918011993362733	1.0
+0.5338752201638095	0.14259804246315522	-0.8295259483463495	0.24350121915887402	-1.214230449042842	2.140719635848265	1.3568188596698891	0.5146796450521871	0.3248884222147333	0.7496886609970755	1.0
+-0.5426344721669722	-0.9077853251360676	-1.8344258214845997	-2.189700557749177	0.8300700962365736	2.114972180111325	-0.36828110384225976	1.9408210391643	-0.8419015179841862	1.689279695660335	1.0
+-0.35241187715519434	-0.12169176759295995	-0.15487598945340703	2.4725130171322265	0.3679205193485643	-0.40139670771987895	-1.2854017963577087	1.624561836467517	-0.06673601881932618	0.32899969445642957	1.0
+-0.28519943718191715	1.0150680787154869	-0.600344327643504	-0.22476104884445314	-1.5619454906072574	0.5183963822937636	0.17884920877518767	-0.45540169600100905	0.29544075938586684	0.5438110446247724	-1.0
+0.24107892253465105	-1.4415215016608294	0.2502178683621191	0.5222957480920298	-0.6034812400286401	-1.590448585076191	-0.33384317523740825	-0.12214358859249375	-1.1820949222971797	0.5486006434913371	-1.0
+0.20734902788956122	-0.40800572079704767	-0.9847091574385742	-0.05325385960763708	-0.542557289278743	0.09498250661407558	1.8399714829058864	0.29505979145211914	-2.042499754030473	0.17774789041522038	-1.0
+-0.9811605302559214	0.5794306891279211	1.0475864823232	0.35384034605852205	1.7583556507338916	1.3239304992040541	1.7223972327686636	-1.6114291773243108	0.7811876559567983	-1.943568898471209	1.0
+1.7975728050475188	-0.2874425533098609	-0.01667833844315343	-1.6125403234856799	0.5182024680825486	0.8290558829961522	0.7413309178765323	-1.5378931704299477	-0.362006277249694	-1.103255160475914	1.0
+-0.43432765000649476	-1.0682041983192245	-1.8433302877699238	-0.27274824801804165	0.3488053490863389	-0.8600943494291856	-0.34606254157301014	0.1419471025452551	0.09826733603966904	0.13537551720562466	-1.0
+-0.21823473396034013	0.3807530101111061	0.2387255314389622	0.13454766011679728	1.6397105994939052	-0.614485139414611	-1.3590305596230507	-0.5872785126160613	-1.9435556958049454	-0.21788449197404788	1.0
+-0.9752585589861398	0.1843759532156277	0.11425073663180842	0.8443467794344975	-0.17082205638355702	-0.30948092562896473	0.4542808191914004	0.3060751549116735	0.6761459549434247	0.8564699279454369	-1.0
+-0.20909371912166236	0.665785498633312	0.3217034422101787	0.4943824186678361	-0.5947936852906712	-1.1187462934276506	-1.0976119097046964	-0.27444347957018306	-1.4599709537448777	-0.07670617897725707	-1.0
+0.5397480768896284	0.39088606986927693	-0.8810036123482284	-0.5130851371053993	-1.2452219420652897	-1.3947611590235895	1.5806695869774903	-0.0006720379849098784	-0.08369416433756069	1.3675180294726665	1.0
+-1.5820542590986817	-0.18275779202562703	2.9492855374096734	0.9639575319355081	0.1574353015012195	-0.7690873631719648	-1.1812334748461104	0.3535715383323811	0.956346932713027	-1.5133217667667775	1.0
+0.7881870169027756	1.04824906045827	1.5746553894223603	1.0170253989547804	1.9496533307886716	0.37024531375609704	1.0010282763901057	-0.14302139975791656	-0.044862191434083064	1.0771401217547978	1.0
+-1.3833498058301037	0.0025279239646442556	0.5763136382397881	1.433803197924469	0.8030227398150132	-0.10702764324001715	0.2507251848199401	-0.7448139907375828	1.4801376315014358	-0.521249070582926	-1.0
+1.9355886489317684	0.12349185339738267	-0.1969991164078336	-0.6581133412107176	1.3030715383083207	-0.75956032947863	0.9259122791687571	-0.9894692799652777	-0.23623684340347365	-0.33462033041774003	-1.0
+1.2239577433935098	-1.5668432870856983	-1.2284893624389799	0.9163491791065601	1.2717942682817653	1.032383087760309	2.080616713517142	-0.6152062076493705	-2.453566205304855	-0.7083325520375795	1.0
+-0.4411144809679514	0.011948329498576622	-0.10013781078316666	-1.513449097786955	-1.201645144307701	1.1522960518447183	1.9563702519337351	0.25062104075411146	-1.2875486268574527	0.5440546781879965	1.0
+-0.9763357630885623	0.8571913894615482	1.292514294557284	1.4746662077841246	-0.2852483446709177	-1.1948064341746663	-1.9011197332287124	1.6671130760643076	0.20898972573566402	-0.03779952942285314	1.0
+-1.3929278878016753	0.3368981950450936	0.14776654174954432	-0.33299341718695374	1.7727142034705503	0.15009042371487316	1.1225588706459595	0.8413201943874591	-1.8428646722800086	-2.0092545625599945	1.0
+-0.707626055897175	0.6018839402809352	1.8151234313297455	-1.000028927927789	0.24491740363809167	-0.35688989769157836	-0.9680396565200954	0.8260713388575298	0.33884697913903755	1.582552494087487	1.0
+0.009866873473095257	0.9534203375812438	-0.5552469227740527	0.522770323556712	-1.0407069691024984	0.00048299060133975326	1.0035073370534753	-1.2488077336524008	0.07328162495380929	-1.3741109817047519	-1.0
+-0.5990784485961277	0.6727425360323672	0.5603262261902678	0.004763581710500002	0.18166179174550157	1.4210483234928641	0.744332710029289	0.6856419731430565	-0.6940719880280536	-0.47472800853181424	-1.0
+1.2582382206409954	0.4019588706831498	0.36203891387029025	1.7263963929112118	-0.902404423902606	-0.41323336649747644	-1.4456540943517122	-0.5244280259438602	-1.3446697374620908	-2.480287465554709	1.0
+-0.16309013666903965	-0.5147867370947123	-0.5304094280300458	-1.1586206703649367	2.7226579854933752	-0.2879126895937779	2.7638556426243883	0.10416628741063334	0.8928517443370074	0.7447134032980525	1.0
+0.5876388752337978	0.14460914761244043	-0.41229910610961773	-2.3136583121609977	0.33249526217871134	0.16931042803721305	-0.7937807781429668	0.6627323963423138	-0.3608878678231499	0.020711239627139746	-1.0
+-0.7941234753550339	0.8802363021932996	0.6419632576038624	-1.4213378394308855	0.597857713334496	-1.308906920021401	0.34472059018565304	-0.7604693781582598	-0.1406772722856227	-0.600455406863254	-1.0
+0.6077192689730406	0.5614393396589403	0.5758643380026099	2.3036455913612075	-1.3521850848224095	0.40210659978009916	0.8990413385545436	-0.41057612192261933	-0.9382963538204352	1.4500512216749324	1.0
+-0.846281540145089	2.403227849746885	0.9245445397828729	1.1326544341391687	-0.5931063550125552	1.5138219350025444	0.4411823253796442	1.7295916255415493	-0.13072742282138733	0.0705517775160157	1.0
+-0.8587971088986452	-0.08707681322173097	1.0218105803276376	1.7899511444030378	-0.4417120965359326	-0.08314082723386619	0.8204867606039337	-0.5370960901432748	0.2929855844016277	-0.053153311160889775	-1.0
+-0.954528203228581	-1.2962325529079044	0.28922996107465865	0.39412136243439416	0.9574408494931212	-0.8347735000559878	-0.7222573654548228	-0.5197899006366578	0.660610340697349	-0.3525074506460879	-1.0
+-0.512561938428032	1.7834974202272331	-0.032143872684150275	0.9964032938239826	0.2563608162224948	1.6755845193589909	-1.040844033605032	-0.9075141058327602	1.2415823204823428	0.2699774455987329	1.0
+0.7305726548737476	0.32892274884153416	0.387036936995438	1.2506267841469898	0.2595430091883984	0.8358459997033395	-2.554814050397111	-0.8754962876583221	-1.2595523882418678	0.568989816200262	1.0
+0.36295138311198694	-0.2449316579347589	-0.890627187960851	0.22746085677059893	-1.358874202170808	1.1208866152739076	-0.8122786693590682	-1.3654998780993912	-0.2010601851997522	-0.19413827519552213	-1.0
+0.7614609058505148	0.5222339347763687	0.4366211902141396	-0.4638213629129547	-0.4303966068454211	-0.43945835995993865	0.8445375760837507	-0.34661930103527633	-1.8550623188238975	1.3376655897119476	-1.0
+-0.7167619828597596	0.2939662108682466	1.5823697336020464	1.2777781023739858	-0.3190156850701858	-0.21472822782873424	1.5668464460560432	1.6474738430928832	0.40983883442266467	-0.0015227145401484246	1.0
+0.4034986202367133	-0.5206128104740666	-1.1247227521080672	-0.4160634652067836	0.4987641057674319	0.07212492808792567	-1.9213963222948693	1.3682078241753455	1.4363634524155202	1.1318256004478195	1.0
+0.6577079271066337	0.22260596043089323	0.3318763604869935	1.3096961973406098	0.04613231639449186	-0.873506752741301	-0.0557449266511973	-1.4931085495929537	0.00857057873711778	-0.5994988634208177	-1.0
+-0.0549125179026859	2.4107573315584117	0.3100602971798463	0.4942312319586998	-1.4030081704512587	-0.39683153307267155	0.9289217690714815	0.8966357429103212	0.32275553462582884	2.017397578340806	1.0
+-1.1809766307020855	0.6233966684726192	-1.0613220038807043	0.8386992187684233	-2.674814438512866	-0.9145892322203668	0.615393492901773	0.11702435033107478	1.0166544966244935	-0.3866112904938636	1.0
+0.3128491785442516	1.5463151302209646	0.2665188298474402	-1.773902379796769	-0.31496343501988133	-0.4955365061567787	-0.7344758558142588	0.10719287249680484	-0.919793628868033	1.5701749836726397	1.0
+0.10011845364190239	0.7045091995263103	0.43371435429525856	-0.6301649907495976	0.20479266970356375	-1.6923388444453182	0.3847395431932847	0.21755165324757852	1.8486585402635474	1.2451768851066742	-1.0
+-0.8842697497439428	-0.7485795086261474	1.5250972072860398	-1.050549240910125	-0.14049754781225188	0.2063607191440174	1.7050752199158172	-1.065889385275902	-0.8310556101158835	-0.16704848061303224	1.0
+-0.22516071659483092	-1.2664169895910844	0.1823342685288408	0.4757179729515804	-0.00624749909608451	-0.4286006895038369	0.09281635295594677	-0.1530993652222406	1.0816642101965943	-0.6296621402997927	-1.0
+-0.3876766335113583	1.5482059998936735	0.9319163634092831	-0.3668328388540765	-1.5327674513107599	-0.6325507885752846	-0.8605729723885422	0.6926734140423703	-1.3995135467888482	-0.03900084187523604	1.0
+0.6869376770616449	0.024610924354389847	0.619951602914075	-0.018432613234157926	-0.41866790047304714	-0.506437138633781	0.11816520887303691	0.2801935087625301	0.17609060654774036	0.8532425839939517	-1.0
+-0.20772226152839787	-0.4036369774289267	-0.6376266407920901	0.9815725775432228	-1.2094225514937764	2.453333085059053	1.5853204184544887	-0.20640389337347098	0.8014995302321771	-0.8992991285777349	1.0
+-0.18178378221098612	0.4562579201281703	-2.298244977524934	-0.7571996627483097	-0.5123494614427917	-1.5291176127709625	1.578710018765323	-0.29179516831965935	-2.891511480266465	1.5813434316140553	1.0
+1.6790709139375262	1.8429948292589102	-0.2410490433934643	-0.4719770498589021	-0.04472071656060325	1.2485175519153422	0.21077639827867464	-0.7236007880901926	0.11570072469252614	1.568495238469606	1.0
+1.995204914958134	-2.0473869177809916	1.0422508937478188	-0.04894159950049813	-0.9883241555598781	0.06264861100813558	1.1726310798401003	-2.145906490992007	-0.8175495463745879	0.3380181076719186	1.0
+-0.010027245263731388	-0.7650440765531352	0.11139191480130796	-1.0831436373754542	-0.7752892613239524	0.13709833236789584	0.3982485625926226	0.4715904875160344	0.2672589441714726	-0.08696044863427461	-1.0
+-0.23623063578079662	-0.1923738760159783	0.6355857670152736	1.3387524515407794	1.733914404378866	-0.2823033089990523	-0.06746988975377556	0.12769130229012166	0.13357971925722345	-1.0170469446175625	-1.0
+0.703370129532403	2.018173105408419	-2.1184436022043336	0.9340750865112839	-1.2065215329274852	1.0973968223176775	0.45649848502097917	1.6812252448367369	0.7947226037501349	-0.0799031455189001	1.0
+-1.341192092810752	0.1379875725041552	0.7800431541551157	0.48669587923112334	-0.6647352056770366	-1.204047524426513	0.17254732987558635	0.8059834326652149	1.279221063744146	-0.46393585695803224	-1.0
+-0.5364912567801339	1.02388871112381	-0.17773979821252014	0.7349322928680153	0.21762562625293622	-1.3454961307000246	-0.23246046381217153	1.2701984850473267	1.3061053422646105	-1.3303550582969932	-1.0
+-0.27240144950646744	0.3994450386798551	0.7221275341358864	0.8509706508402413	-0.1649762963450529	-2.828130839035651	-0.8525632915864112	0.9481930155134397	-0.8229046821037809	-0.1926273103751093	1.0
+-0.5828427350759314	-1.116670914632246	-1.1470305042127322	1.0123301291535707	-0.6033969466944596	0.1690265657500107	0.9967769868870562	0.3075686296840664	1.2471602380126536	-0.32451917971977035	-1.0
+-0.5324216153785134	-0.8706231866538897	-1.5584676326209697	-1.72518170846262	0.6192917812367374	1.1142304312209723	-2.1726880350973126	-0.014061719858579569	-0.9810467702986106	0.7744539177078257	1.0
+-1.5213902937719854	0.5835337711580395	0.43229829833763994	-0.5832435290683634	-0.5526203252585131	0.285659043697623	0.47105343515245557	0.05389801515569181	2.4287544917989123	-0.5378665459552227	1.0
+0.4434335991832058	-0.8411355742162048	0.6071172007963179	-1.118340365126854	0.911583508699734	0.4957066058729871	0.21620530529444812	0.6694230802233578	-0.9262024412366738	0.13713873110152852	-1.0
+0.8222401155337418	0.39523394757451724	-0.29933287109747625	0.08802660199277589	-0.2390432735446173	0.8195566836206314	0.32615014517430196	1.4846690084683545	0.6467529287837123	-0.3641414700016927	-1.0
+-0.7173229583954034	-0.21098957751191205	0.668591250238042	2.6760202376865165	0.9805012447562048	-0.7630629800481941	0.7172732938007931	0.25515027597795337	-0.7604503951132184	-1.9636521318942264	1.0
+-1.0133070573583023	0.6665456916000502	0.10344156347143192	2.0222291803829266	-1.6648000541693977	0.23212711401667116	1.9243468647447306	0.8079931240320541	0.03784392223651478	-0.8781434407720886	1.0
+-0.23076981760867543	0.09532380010913132	-0.32644361861668264	1.5230948548283574	-2.0400054253288675	-0.36663718340930185	-0.9601797244749867	-0.722875853215207	-1.1826934605270367	-0.39546458167579474	1.0
+-0.3638443703524025	-0.6092348200836429	-0.131311193084348	0.8283367901896841	0.22468694646702378	1.2404394323664851	-2.223349107587579	0.3793429402542866	0.054161384621966145	-0.16728168369342303	-1.0
+-0.9032537457005727	-0.9304157040470137	1.8258276580150956	1.8415243301212108	-1.1615542498827922	0.5442609117868926	-0.44885245631262605	-2.7089623509255185	-0.9052194697450736	0.374271430104076	1.0
+-0.26786058872576685	0.19515911022954738	-0.9439915077147799	-1.0306334854354435	0.7104985101364456	-1.5347150370125728	0.47920744733531906	-2.1184421474367023	-1.1875457756687378	-1.4435398156990535	1.0
+-1.6556617787331176	-0.13897571459459568	0.12927613208903513	-0.15283744229134358	-0.6379826172359941	1.168447470328504	-0.35437033568282295	-0.00853987247179895	-2.0846611248751277	2.724110499215777	1.0
+1.1100008687629395	-0.8706358725550741	-0.0440429878313537	-0.08674639175942468	0.7138518649577155	0.18900662205753851	1.4694775818174413	-0.682173504830947	-0.08280882147580615	-1.5839917555507281	-1.0
+-0.715022270743163	1.8625366481181644	-0.482018003658117	-1.7253622415937468	2.6529458804159876	0.5808831105927824	-1.3089659187235936	-1.3910032114472841	-1.7898343210000371	-2.200183083335388	1.0
+0.9652522152071658	-0.7655097808025378	-1.1895748665241923	-1.5557696896724853	-0.47834564938154406	-0.33978304961742956	-0.38074612241068456	0.6596950619222537	0.23479550988515677	-0.5709036842181517	-1.0
+0.2725427308241023	-0.26836813835056045	0.13687042883690692	-0.06638489106889214	0.6190531295702778	-0.23438252214542632	0.07043187851424784	0.2494942809185112	-0.8484058423525904	1.184210292744333	-1.0
+0.04104710872568246	0.13548793223522979	-1.6952806929032889	0.17812227233907466	-0.0452785625108321	2.0519984093494554	-0.5927021697786364	-0.16521378061409495	-0.20034307182725242	-0.7168753887911383	-1.0
+0.016677117941437506	-0.47336487400886057	1.118495904915875	0.48607320858205894	-1.027701575056674	-1.7626461453123483	0.1043675630233738	-0.8348484075227088	1.0463334271019895	-0.8959576800770115	-1.0
+-1.3589161331214041	1.3304175909504288	0.9293131092505473	-0.04460441452114735	0.9508983777841041	-0.6324254613406854	-1.0611504135468595	0.3716595214338401	0.0959623504816614	1.3977308654404967	-1.0
+-2.062063795738857	0.8249172768005779	0.1179448395046468	0.4781326725715535	-0.5165213775997485	-0.5133155400958628	0.9491871040591117	0.7187735861356946	1.8614263032281273	0.025844223700076645	1.0
+1.3160200842685132	-0.6457011473164738	1.415124095979885	0.3970744553296857	-0.3611845021843006	-0.5299681009539092	0.9566637994975756	-1.4790002043608121	-1.3223021520659661	-2.6477887298406766	1.0
+-0.5344270753617962	-0.011301867936843329	-0.7563988536277235	-0.7569098478750196	1.159745068983059	0.7064061842456313	-0.6740797927549825	0.1060191820823213	0.74070365495494	-0.5585443102634757	-1.0
+-1.2039043726734797	-1.1586952897835594	-1.0953093674674277	-0.41196568854744897	0.26600487863011624	-0.8971418788703762	-2.0225411872111345	-0.3570371576956449	-2.193148276506922	-0.48781533994924786	1.0
+0.727043780090882	2.289768837338539	0.6849129271053535	0.02579473198903238	-2.235333221736388	-0.023779778236546614	-0.2429578662563032	-0.7796146033875059	1.3291709929064641	-0.9789337717895934	1.0
+-1.8452131337364401	0.652498417392727	0.9713885740592777	1.4513172664324696	1.9120131850731876	0.6150656941029948	-0.466844797182049	-1.7859331125727114	-1.3040788911790682	1.6317935693791248	1.0
+0.23692067333609343	-0.6556751111839084	-0.24275198853719682	-0.8883705780574261	-0.5740368981208421	0.013065526046470372	0.37728424085438655	-1.7204762305143522	-0.7190996352330463	0.6314445322823272	-1.0
+0.5928833846086298	0.9562377764353518	0.14160987398660052	0.10264288919982106	-0.377154304171655	0.5754897741159419	0.19854924559010725	1.1565484993871404	-0.544590937790256	-1.9279945408264916	-1.0
+0.8274128286361956	0.16397417435465422	0.3158578992291316	0.27490700974104015	-0.22900212736725978	-1.061829531326256	0.40996865462657905	-0.6493336048160309	0.7359422260973242	0.34947412980616427	-1.0
+-1.7820673133478881	1.3422476930833915	-0.8368802848084969	0.4844840213841734	2.021143213769883	-1.7886373970999514	-0.6100830677983373	-0.21359128937633137	1.3047792526370554	0.8637146477472304	1.0
+0.31611636397073506	-0.6855865825345617	0.6630525931066529	-1.296776393403824	1.2772191443082848	-0.25759205669569346	0.6140905894514174	1.325467379189292	2.1299625440970833	0.2561313626182929	1.0
+1.0255298390815415	-0.4891324449166501	0.01974972012542199	-0.658216554026494	0.5460547774001346	1.178632207660247	0.6440789949326535	0.4608463291053464	0.272215794616846	-0.5779019107698582	-1.0
+-1.5545166846266656	-0.622894695069416	0.37898274503459134	-0.021842146208187162	0.8842201885082102	-1.1330611818704395	-2.995659233063915	0.3831997976998351	-1.4203007583099139	0.08024791004508894	1.0
+-0.4804325339895928	-1.670011788423922	1.54015320346067	0.7026359395168148	-0.8216451961328126	-0.19949613625229912	1.818413133350673	0.6265407863780736	0.862952212302623	0.2517312752937742	1.0
+0.9583274046746033	2.477203941569252	-2.523263820164912	-1.0278475015154669	-0.9798282743626724	0.8851569078801869	1.3446426251461796	-0.14907056457726997	-0.751638492324697	-0.7941273269595929	1.0
+-0.32487923813193004	-0.8179547597426929	-0.6203946109376212	0.2756099526050954	-0.6036384776299004	1.1328562884910964	-0.6946370780006456	0.7919982792628879	1.7455242194304705	1.2046817049580716	-1.0
+-2.1364710128675486	-2.0741253704067573	-0.34752899289413064	-1.0620080413629769	-0.09626509905956808	-0.5402239128062823	0.8047997915349784	-0.582081898942726	1.355681829582407	0.33479222224752186	1.0
+-1.3237556203344953	0.05739620711732568	1.1725550563368747	-1.202268051991203	1.213198685931469	1.2387851442840487	0.8385173120430706	0.6262673312201238	-2.807021342875716	-0.9698023062124117	1.0
+1.0408148657380014	1.6366638716361075	0.8694104625859098	0.27995293275756494	0.7215168337402121	0.4847054917762712	-0.028968819246387372	0.29199124075082106	-0.15594119624565747	0.4384723609886291	-1.0
+-0.6649283544831086	0.6536491899457063	0.6427463354807537	-0.23061690629814352	0.8171204646905834	-0.305156288075076	-1.976294895730925	0.09135888719420779	-0.8813147145221318	-0.4866440867259624	-1.0
+-0.5355480466541341	0.07083612541005647	0.6202978159880296	-0.33602630838451275	0.26652334916816506	-0.01599908393883183	0.6102747482694508	0.3900756831914427	-0.5479595862037875	-1.7852286887467474	-1.0
+-0.9286541093425598	0.3544517990843895	0.2658154213566088	-0.5614622188822107	-0.32725492547191115	-0.8031505725783407	-0.006198233338073983	0.20317556111914978	-0.8306577383914422	1.0918468227292757	-1.0
+0.2772925172108457	1.2030187500810614	-0.05097909198986569	-0.6241849045203524	0.49735882101322426	-0.6984978222948512	-0.14904244468735744	-0.6449049680274449	-1.4176191308588217	-0.6137041991174018	-1.0
+0.3161693434777883	-0.17888572021406024	-1.0767850088217787	-1.1385197167177394	-0.13057675888246012	-0.3447938471613036	-0.6607359578802224	-0.049491009068181366	-0.37102435419105273	-0.13901760781044623	-1.0
+0.29921569652751856	-0.3831087417318337	1.070220492376271	-0.25735009443270523	-0.22877881799864538	-0.10011796387947308	-0.447602708006154	-0.5811961700590117	-1.0320348099520724	0.6388768159460956	-1.0
+-0.08985101768707786	1.0251448309701119	-0.019482394208877433	-0.7048056277502418	-0.19776492953636807	0.6609550877737689	-0.16572132238818135	-0.5269147362081124	0.8005240452151636	1.9901147977037512	-1.0
+1.5749611786648763	-1.2580102352752884	-0.6023871756911366	-2.343451103090524	1.1381667721605566	-1.4231365899858077	0.9142746604239324	0.22725393740230113	-0.4671491612940152	-0.9284070921758049	1.0
+0.004831809736324765	-0.025616676700960912	-2.657425895585784	1.7930252843222956	0.8763798704993517	-0.29509828981324193	-0.6402731797731381	0.18406998905191826	-1.395905535284401	-0.08307465728395254	1.0
+0.2217753462714224	-1.4841784339724746	0.834568090486547	0.7029284905459972	1.2773660132195808	2.376437138715728	0.009164431450487722	0.5754414984606511	-1.5121417472306429	0.8745738469370288	1.0
+3.209153971751537	0.5515188411550755	-0.0008089925731088823	-1.092256759834908	0.7514561773830121	-1.4484751316035767	1.174713707137013	0.41191998359893073	-1.5846094718497032	0.2659151424992497	1.0
+-1.9899921801787537	-1.0244698945624542	-0.7787312876838084	-2.4854216723645184	-1.0776544373364145	-1.420034018325001	1.5361952383822592	2.0905820190061566	-1.3773057955142256	1.0732452145615914	1.0
+0.13530051854730252	-0.07627348942622383	-0.26332748481914514	-1.1610723726428056	0.327619500886888	0.12936993315251655	-1.0031973795577793	0.5830776453738716	-0.2517110543744426	0.4716215616955218	-1.0
+2.6606277672419796	1.1377096548596732	0.317280727479626	-0.0944544297770226	1.0949187731553738	0.49889004555144395	0.1958029548889917	1.5673165762414485	0.6581687012466169	-1.2026720729140015	1.0
+1.509925098728897	1.6802391874113263	1.1856531865355087	0.1388636281468362	1.389119548125638	-0.47951423120958114	0.4701754284225408	-0.4947467625308443	0.3520113899978598	0.061606669970642645	-1.0
+-0.7800138708023232	-1.0507763770862628	-1.744835382031072	-0.4882288728853951	2.8644098213527793	1.289508891208988	-1.2851795042388277	-0.7840641593872114	0.25534181555395397	0.05408430234131625	1.0
+0.6363177555180423	1.6506105751542899	-1.8827391233856279	1.3157324260086198	-0.33750264324332296	-0.39040121423881363	1.1464879638124925	0.13277769142147758	-1.8981997649674243	1.01715782762861	1.0
+-2.4621493596535826	-1.0445261881952568	0.8227359851763542	0.9738577532852073	1.1604110866390398	-0.36022735174714365	-0.6176547883496321	0.2295764862428117	1.501734771150253	0.48126589816264936	1.0
+0.31785297189550127	0.04039473148272651	-1.6640717602594555	1.332101250904695	-0.8628948040503263	-0.03536832084080098	-1.7407288999988542	0.9258714554717684	-0.9972740478126174	0.20114044005615042	1.0
+0.6347269068525845	-1.7838370167658224	1.589866170365828	0.6198144899963995	-0.6289621412789438	-0.6879085319880399	1.8124164830502372	0.9615072025278373	-0.17457636669612384	0.636449258496893	1.0
+0.8036033261292801	1.7216841461861443	-0.8302571967859304	-1.1089279697958838	0.2583488604199059	0.21232513672500902	-0.7223573787112462	0.8883512147301251	0.3166691308233561	-0.46794493092435396	-1.0
+0.08029282816137749	-0.39312638369341096	-0.6142748814719917	1.7380527923726572	-0.05479647337548602	-0.6038787725190028	0.05189800571520062	0.9954806939718748	1.6465914074247279	-0.8520696055246548	-1.0
+1.2261930927092	-1.409652531811256	-0.9574978383458912	-0.1541851062716691	-0.6174128843489624	-0.11158158538996504	-1.2529628046745824	0.18017323736952684	0.13850840695623634	-0.5803456009038908	-1.0
+-0.7099434210201616	-0.05156342459302195	-0.13070247449713596	1.0122950638811103	0.8156845906793413	-0.3258448697514023	-0.2584707683063445	-0.890440463887327	-0.4581725076778308	3.4585968161148313	1.0
+-0.9704182178744319	2.6871612033392807	0.9312776144665534	-0.5331297226042839	-0.28529427255598	-0.9489437188256667	2.5099520677229528	-0.5465987844690795	-0.5904557741063047	0.04478654086972869	1.0
+-0.3501032412749507	-2.337417503090751	-0.39193394121557984	-1.4363442097827432	-0.7701440029913201	-0.751261832842014	-0.4729099359137562	-1.04884099046814	1.0984440899245669	-0.245925155686946	1.0
+0.8414256923875825	0.7408384241924824	-0.29871029318940123	0.1501840455008384	-0.09293132743622026	0.344470886220594	0.33251104369687506	0.3165900441554864	-0.22101348869903115	2.207083055966505	-1.0
+1.8243643293802945	-0.9480842974626666	-0.17907621643171537	0.6488732865451622	-2.415277929830738	0.5644460066626728	-1.2189514192824145	0.6491554919069787	-0.07814405455485418	1.712469914106728	1.0
+0.018121884498976865	1.2868566271279418	-0.9536770899957918	0.6249716158046588	-2.1079351824824952	1.2595831671666744	0.052295540824464054	-1.6935875397920435	0.7796546981181711	0.2515641406830677	1.0
+0.41680075873531786	-0.6575045305090914	1.4951196920790684	-0.2619036835541532	0.14332671267990338	0.40856170791345753	1.821563134570578	-0.6658197923569463	-1.029488426544686	-0.558484210951185	-1.0
+0.07169915686160251	0.3893148498230126	1.2381498220937583	0.5426349173834273	0.4176054720783757	-0.2490561286573809	1.7616558697903575	-0.7777266438374596	1.5845692748476627	0.24618496271496182	-1.0
+1.6197290353316953	-1.3890458396185827	-0.5136899421847392	0.6504889220137874	-0.686815870021942	0.15730681894997947	0.8258365757680074	0.9439084133192779	-0.32031813273183546	-0.130653139879242	-1.0
+1.1501890912387072	0.2904261887580579	1.160748238014778	0.9182095893938784	0.7519723402914408	0.5192382722793035	-1.605753253917022	-0.033091365718498744	-0.9964102453866795	1.4763015223058649	1.0
+-0.4425368790048132	1.3291162068337181	-1.385684240835405	-0.13919576433460026	-1.3723823577478322	0.002803519238126999	-0.2918292935710012	-1.8617821074490928	1.2818872727038764	0.7126490965775344	1.0
+-0.9245172984168462	0.40097526845531034	-1.20719783751236	0.6268169549322398	0.6811546164057318	1.2135602547880702	1.7332575914059876	-0.4947735292489333	0.6599942882559131	0.6714990303012663	-1.0
+-0.4141657753152125	0.013931884062029111	0.6418711256367103	2.2227303982634825	-0.3185297520381022	-0.7249530356667065	-0.4675991570875114	-0.47357745730860157	-0.07378020274486616	0.781370586381089	-1.0
+0.7934656446980911	-0.3971329454505919	0.09663161980912527	-1.6706243937903251	-0.4379895202325848	1.2577647190314776	-0.12603917503187925	2.271128614746993	-0.7626192245513409	-1.1627225171270834	1.0
+-1.2958611369121733	0.422911581084335	-0.13601396986120382	-1.398174609265351	-0.2803738374657816	2.2024455512226138	0.7787572061225748	-0.05927088042973824	-2.7470742895985643	0.1815634160148399	1.0
+0.29950210736329086	0.08361582073075834	1.857782860912462	0.5313699140284313	-0.09266556751861033	1.7685456712520204	1.1405056678571437	0.9961028356042567	-1.2375443219342774	-2.2097727877045124	1.0
+-0.20846892700574535	-0.35871014116976846	-0.6277248828430068	-0.5857047946451434	-0.7691722834512744	-0.7417231654487858	0.6940508344300708	-0.09522896898741048	0.37052873102232564	-1.070719442325414	-1.0
+-0.18979187817704551	-1.0725280734010154	0.6116726570430779	1.393065042332096	0.1953546483284296	1.0756236847005496	-0.4917823498818806	-0.9422425381459699	-0.14539920223680033	0.6362622660182599	-1.0
+0.04182810570369838	-0.21389287889052677	0.9221005619948534	-1.0145012312627588	1.8084032028340882	-0.8318502703849049	-0.7894887567609739	0.12701619644361684	-0.2387012305970065	1.9634211024617778	1.0
+0.10993177853936541	0.9685026229505048	-0.9683099812962441	-1.3241985366554574	0.05661601077254427	-2.041702766902053	-0.6492040463211859	-0.34881462586888945	-0.4965690407282463	0.8535335828323091	-1.0
+-0.643045183874729	-1.5882613451116485	0.2925567529725315	-0.05617111868065574	0.5317790146621224	-1.045246693166808	0.8774664641676921	-0.43158147314664974	-0.6642192227574251	2.2653967676368247	1.0
+-1.8769461514474393	0.8892307520480537	-0.3179449821771378	-0.4766879951427944	0.9604741760190169	3.4475126742848925	0.5304907477149375	0.8663997626708924	0.9246234205674352	0.7942625449144928	1.0
+0.8100030867232416	0.6141880273253673	2.2115273174497565	2.0201763881177	2.2299768416162977	-1.8889332764473823	-0.0457826600766222	-0.480478955880425	0.5145418501104667	-1.4761719350983622	1.0
+-0.42575171287638475	0.14058402603523037	-0.15851392021065866	-0.872302654977026	0.14648587809511712	-0.03357519221112542	-0.4080154539519419	0.08819553550108837	0.18335151677198827	0.6844372767706286	-1.0
+0.9458112722616882	-2.927304704348112	0.8014166734215404	-0.5663108224809246	1.0189672270394743	0.11324150930846172	0.5381268052348954	1.4988954072433454	1.1793068449570414	0.7155930932214164	1.0
+-1.080939823647883	-0.6179873072445213	-0.3516117183571954	-0.7443842297097287	-0.47508681280967346	0.8423678769062792	0.042190119056874774	-1.6199172256197443	-1.7230392999293536	0.33117003378724386	-1.0
+-0.8749915057800132	-1.4773998022894945	0.9256439164624767	0.029093660613648917	1.678392470149881	1.00620739655509	0.016557839903286888	0.15137696817955865	1.22020141180993	-1.1843477618121876	1.0
+0.3421770737151188	0.06430029220993591	-2.061498022104379	-0.38827991711771337	-0.13295242646086372	1.8307323417303063	-1.4732740619712523	1.0474075406899583	0.7556180978803672	0.15696581407372606	1.0
+0.8422578090621243	0.21319822408300687	0.6799541317450675	0.612648793673014	0.5952694519636597	-0.016001642670510897	0.2960826612014467	0.9049347694502661	-0.6010354787057175	0.5728107261751832	-1.0
+-0.6742405599653695	0.28133115394510155	-1.5547614876731002	-1.7393790793226862	-2.1605733664984617	-1.9595779545979073	1.5562981706347543	0.32728124011410537	0.486092600733593	-1.2414069599767943	1.0
+-0.5401858548179809	-0.10834784260106886	-0.8408623030902963	0.48073817168724686	-1.475534963196491	0.4171746410423148	1.5014811721094392	1.1179590978428897	-1.9376868674497207	-1.9697136001108857	1.0
+-1.017518838507636	1.1360786136783447	-2.0666179431033234	-1.4952775357482488	0.6728983149600875	-1.7646669442646186	-0.8516531247897089	-0.6053065628603461	-0.805287314139546	2.5335959087111886	1.0
+0.8332325727246073	-1.08700857434471	-0.032037029893050815	0.6695554604008281	-0.3575058700104287	-0.7368814695745995	-0.5966825940094563	-0.43947623292375165	0.21677041583681572	-1.2096548068912265	-1.0
+-0.9755548536722656	-0.125466779395108	-1.1430569955624306	-0.5396988359143291	-0.3674542417040041	0.5034836625654164	-1.7797751671497195	-1.4463339497228298	-0.5435201436060404	-0.4275059256463771	-1.0
+2.0631448749847663	-0.4111700191985071	-1.891606682178762	0.17977180277517338	-1.298540715115769	0.35551752752193405	0.09274956037327829	-1.3285237951341968	-1.2757732144524097	2.4438249851845635	1.0
+-0.38507447926985844	1.2989811339218187	-0.17385947328690715	-1.1684047852234463	-1.8219219743289388	1.1746905711623892	0.3906535323200916	0.9949376189760822	-0.5038829444383564	0.12121828145689056	1.0
+-1.3340145897738582	-0.40134564691807384	-1.035809984241503	0.07866249867006612	-0.1224765509407554	-0.5223796446578067	-0.8387447289475078	-1.2506844517244984	1.064831877984919	-1.734925892944343	1.0
+0.17238422867530945	0.10587185773538538	0.48087086224395265	-0.08869658792811017	-0.039457009161627275	-0.1525679565060907	0.20589152720837792	0.7867450333743096	-0.8199048542848791	0.41978802366657564	-1.0
+-0.9573067670235533	-1.017770320158939	-1.296034917766649	-0.85371799439649	1.2030979299837534	0.4138143760547242	-1.3451154438408859	0.27566056886642765	-0.730490758180352	-0.7898495137721478	-1.0
+2.898206192665544	1.581118423907682	0.2546897614656763	0.5845354927441562	1.2971464008101792	-0.5138276703707552	-0.7868486794299897	0.21748307116911922	-0.05584787328109693	0.7686846431581891	1.0
+0.7175283358464812	1.2965505381984608	-0.35458486574299486	0.30134810389252903	0.5087450441097501	1.6558199248490792	-0.6285283185235373	-0.865350802899046	0.9688869843141352	1.2843833844998855	-1.0
+0.7708144857819786	1.3687101235777408	0.6578142121716842	-0.9321575759441507	0.29475161885456724	0.10073964563304727	0.7910324771639785	-0.8278180302853848	-0.4999911205918866	0.9521361936816606	-1.0
+0.5855210670667337	0.3643353296774034	0.9244198448430797	0.12427879489590012	1.3065408647235515	-0.4274612752821048	-0.710357806772508	0.08673275328357181	1.6634750097378082	0.14836066686102148	-1.0
+-0.52337299276143	-0.6245437813002771	-0.8209808795705086	-1.0706569628754747	-0.961968164552676	-0.6152142476185017	0.25000879229760875	-0.6927355914290916	0.7906049831554218	0.9406114771862971	-1.0
+0.11067652064372907	0.0801603914440327	0.06735076268881417	0.14509497472688596	1.3105465081512713	-0.2889018186210855	-0.08386604949329904	1.5798217697783816	0.34897645936960003	0.9142473796752125	-1.0
+-0.25065505333995647	-1.7773567748390031	-0.8546117717920864	1.2984193443944538	1.508473699859843	0.13920799755829105	1.3627940878365463	0.8447186821681648	-0.7977028622292253	1.3456585334724918	1.0
+0.5258908184900898	-0.887097003955972	0.257253592463951	0.2150704430734008	0.4786940539255531	1.5852181114834052	-1.5521676208283357	1.7065717754284204	-1.0851290057726983	1.4561973801784378	1.0
+1.0646692406601606	0.6191278299003353	-0.09182482057904795	-0.6501220930835208	1.0181999243882647	-0.05887498161268372	1.5905341822728425	0.795679662631077	-1.818302165407141	3.153392137029261	1.0
+1.8851430407733711	0.3404532894397577	-1.0967503791267734	-0.851345345316266	1.0322371335885347	1.0261789045654293	1.2865005944307286	0.3898433876752992	-2.2252985073520524	-0.5719236387247582	1.0
+-0.7419325993724647	0.5531114025200818	0.8178742376244224	-0.1116920135830844	-0.24281669250063037	0.5655107347667728	-1.191331334424713	-0.1603741315300629	0.001668724613004617	0.17729020131650955	-1.0
+0.25526965807017604	-0.884563515631581	-0.8061526759728308	-0.9269450087896995	0.13365491795789675	0.561275300784475	-0.737526289536093	-1.8950233424552287	1.358083620177934	-0.8350687266495506	1.0
+-1.3699336718805524	1.1014952102742372	-0.3635801608824118	-0.9692113409449963	0.4890848020614414	1.32302410307027	0.19733365034860645	-1.7512711417671418	-1.3725708055045365	0.3885851523804729	1.0
+0.19642833108711708	-0.5674900836700337	-0.458424439842189	-0.684362341481011	-0.3019656836452456	1.0335806682941213	-0.37794528332812827	-0.5340562744600054	0.4607755517480089	-0.5450185582941975	-1.0
+-0.06907959275270223	0.7255376902636066	-1.695273379717824	-1.0466208364833418	0.49381141397504025	-1.2288597226299407	-1.2613771781923562	-0.7693115141357956	-0.4020514738516932	-0.057367971048429334	-1.0
+-1.0168389600839627	0.22876689591944427	0.3882418037302158	1.4610953997424767	-1.0525221891725844	-0.9857821393509922	-1.2945483377184845	0.49174595538951915	0.20304460093894325	-0.13298594534832467	-1.0
+0.5726959425294189	0.8445469631221902	0.7059755569463898	-0.43195752420646355	0.4195285795214325	-0.3299014971091713	-0.18230481887726285	-1.793290605203908	-0.4822571349680733	-1.1032385989973417	-1.0
+-1.0010898000168718	-0.24047102860608743	0.25538526919954585	0.28297478883800176	0.050206292275700316	-0.8557345994178094	-0.3842851979162807	0.08023790280266023	-0.28621289990793	-0.2708672756631451	-1.0
+-1.0669804988360205	1.152235149361064	0.11356526903860069	-0.9588748715507545	-0.06338128352465013	0.976838885832656	-0.6815408469719823	1.8081054602769797	1.292620759177219	0.12144040286125649	1.0
+0.8847485723887643	2.7316574039070765	-0.4853456974491458	0.47743331367039116	-0.23737694521216424	0.19447986216594013	0.31853145199722527	-0.45436438842782406	-0.9267772011473071	-0.45957604931739243	1.0
+-1.0525009246066992	0.015828843130148314	-1.8813399134714743	-0.39914510372852396	0.8700739297582233	0.2831543918470395	0.4304975012420887	0.051890792275866834	0.711973506498264	0.11511101918419733	-1.0
+-0.5590820683847606	-1.513353110172908	0.15627796712173594	1.363542691987883	-1.1667620116463457	-0.5087076231368128	0.4937729367221049	-0.3155260300504874	-1.231323015876498	-0.9712489835043036	-1.0
+1.4462502312884664	0.7653204516039295	-1.5780592517243412	0.11798112486317815	-0.46956645480533066	-1.575968803077539	-0.03490254168294751	1.7321096607558997	-1.8943651110563904	-1.140522247306446	1.0
+-0.7022346151425515	0.1737338539431008	0.20909584705606815	-0.5490593919649565	0.39655180066882706	-0.029836985251240067	0.2668679695295085	0.4235083125113879	-0.7387878165693111	0.8076688206189461	-1.0
+-0.22152373597014857	-0.6934136691582945	-0.3383228630914107	-1.4916485021416168	-0.35164335030645694	1.6043510641677503	-1.3980473884145623	0.27904039053026175	-0.8693090649870361	1.3626516690835457	1.0
+-0.501457934800251	0.6929005851136917	0.5101341026517555	0.7888573752412777	-0.7771122970558095	0.07667421331538639	-0.5722897777894992	-0.6492259018103573	-1.3827257843374414	0.008068013136966852	-1.0
+0.37733703429563215	-0.7960390163736744	-0.1625126537204549	0.42441529869267336	0.09462589768641991	1.0163501680979188	1.5071095412392945	1.0092819296275308	0.3923402267507154	-1.6013882521762153	-1.0
+-1.502206373224432	0.027142551541903013	1.488772778723801	0.13659228198971632	-0.9041213180050307	-2.0063492438285104	-0.42711255321007346	0.3390673280549548	-0.45589031488384074	1.2624804467425172	1.0
+-0.17354717618796478	-1.3815349254342373	1.1180491462567999	0.5102169772653596	-1.4192022055526285	-1.3446029010376603	0.4032040976930982	1.0598535677041678	-1.2442190974180882	0.4807555726394024	1.0
+-0.8510510721791448	-0.03710148502631962	-0.17086543176171354	-0.472646398598504	-1.7647865896663189	-0.4415705981101829	0.6568689961570904	1.092256867325249	0.8449940577155167	0.29055481300773783	-1.0
+-1.1849135987965957	-1.4288891924092415	-0.9226478826311046	-0.3380435296612289	-0.3842474542969834	0.9395100024907842	2.941900104502089	-0.49341368458829266	-0.9297823749135317	0.9259247105235847	1.0
+-0.20657718796852254	-2.784125995216384	0.28615352847100206	-1.1128704358160082	-0.544720740670774	0.777825379448841	-0.33389718290509074	0.6439086901952461	-0.715293771938833	0.2975537530277765	1.0
+0.8265296723943621	-0.04413634824139941	-0.5689668302493093	0.47280270911403954	-0.46492410983922366	-1.5017116893005522	0.7503006889321506	0.15255593748468754	1.2035328639607124	-0.502194115569242	-1.0
+0.701678295980134	-0.3630556403735697	-0.6231969238703199	0.5040572692304238	-1.727188347128479	0.5836978826797948	0.30592251074770666	0.9138458836391721	-0.2958115144046823	1.129846517200627	-1.0
+0.39732769667234163	-0.7990210676628261	-1.3423807705018769	1.0763558283616315	1.3760851746810474	-0.8971753387306997	-0.21070237563237176	-1.1173330164751745	-1.0607753509469786	1.2477197402767033	1.0
+-1.449432461709627	0.10594780499085539	1.1542207079916804	-1.5463338541586973	1.2379465817259372	1.1121566258412166	0.16126931859840968	-1.5956732566417293	-0.09577341039165674	-1.9124476632324607	1.0
+1.567333591395548	1.5822817957159017	0.6430721114367125	0.09659492374072919	2.8519500114542304	-1.9565579199758307	0.41431769072388097	-0.08179619690235515	2.2970868580427397	-0.18678651803450105	1.0
+-1.2567896638494729	-1.3486357546775634	2.775382116426443	0.4999163578200975	0.01242424859437252	0.3895779064876255	-0.07623095716045457	0.5993131620889883	-0.5803185136365204	1.5003575788635892	1.0
+-1.0465976693424663	-0.610104035354375	0.9906770017655062	-0.4787728240063871	0.8327830239661242	-1.4314571815116384	-1.8595091654854756	1.1560935795867744	-0.7100595208514041	-0.020135375676426016	1.0
+-2.089781949794013	0.32082524058621376	0.06765280961513413	0.15324554328312198	-0.06983224710479279	0.6316582016588651	0.2663218453545183	0.40769453844322967	-0.31239115103111026	-1.0891996226396072	-1.0
+0.4442428644990985	1.047981138249204	0.7449751383676624	0.8482651663582593	-1.362272996752919	0.2928639194353181	-1.0581105967697861	-0.9814152659954689	0.37215376680088175	0.08190939862179951	-1.0
+-0.5750155928398145	0.3474065099561103	-0.38356840573813084	0.08567585935807126	0.9243166765178296	-0.41303701972736595	0.9360583420404895	-0.15048769700898015	-0.7204146015080869	0.5741167643946236	-1.0
+0.08997749833181144	0.2079298817136974	-0.7486011036085104	0.94932745017034	-0.8289357282021943	-0.19681459852310887	-0.7247466895798269	-0.6302720004061236	-0.4734376065537754	-0.7494823318357942	-1.0
+-0.5841827850151473	0.17603121588817747	1.7411976130876488	0.43469733219864604	-0.18032841398594782	-0.6186647582175671	-0.5532883784963428	-2.0150573279783663	0.5384305334458109	0.023740263110672254	-1.0
+0.7505748472240893	0.4520339894673094	-1.0138704208435065	1.1377186028797117	-0.1439432249240246	-1.69003162724298	-0.6657505044290386	0.5175192995768011	0.635878414998438	1.2835600227118114	-1.0
+0.5063944006142317	-2.145886797926322	-1.2164765422632617	0.3817537835356737	-1.0530339481204714	0.5633825171229135	0.22127375522211182	1.1111065417758506	-1.4404514336967367	1.55389897710243	1.0
+0.7638689341317615	1.8399496305574063	-0.12239760192074262	-1.1225959076401466	-0.5176751911592269	-0.07722387609603937	-1.4471843179934936	0.27349194096620183	0.4954651462980266	-0.9673176589117976	-1.0
+1.0311333720043023	0.7692704911755667	-0.9657098742166961	-1.9149281734948693	1.5131919871782225	1.8264840423763606	0.7567003661586531	-0.02095822991115248	-1.178975896658459	0.565624733052791	1.0
+1.2193532551041886	0.28262159055981007	-0.18766385053728113	-0.5931603309380917	0.22514518786077595	1.709284945735708	1.4732244673677761	-0.38130946655205095	-0.5706486803502027	1.8922686207919008	1.0
+-0.07025913864657889	-0.1984645793887397	0.8793549644413603	1.8423575600869702	0.4389061264157177	-0.5015072552366079	-1.1867017747214637	-0.8649518942401881	-1.2007065009009998	-0.6635511337281934	-1.0
+-1.4324201984621492	-0.7722035972384304	-0.8546919975363337	0.6882608903572297	0.20278896420106904	-1.0689290236401585	-0.8560972340044198	0.2433121996176251	0.7208648410099678	-0.14605438477883628	-1.0
+-0.6566615671481895	0.9803886396021556	1.3510365472527521	0.12826796931738418	-0.7030796224239717	-1.9397597079920255	-0.7904159167824517	0.07621536928306112	1.2094226114816977	1.0164517376884759	1.0
+1.9617740736444964	-0.6777760514001188	1.3072659643062923	-0.3209871197239447	-0.6303340866750349	-0.10216974805535212	-1.5439432364178383	0.14377439893094646	-1.0428030904150372	-0.18584614159460636	1.0
+-0.41231397008039317	0.9949707776250813	0.33310830572758227	0.864816298314554	-1.8103339203958246	-0.7409164972132832	-0.5559178721456955	0.6134614138179562	-0.2869226111473509	-0.6375144860454102	-1.0
+-0.5946796265841042	2.114005645345674	-1.181289996847335	0.15085282765730573	-2.883730438065622	-1.1192537222617476	-0.23979661136712116	1.05907848817747	-0.6876187989450228	0.34997218112817197	1.0
+-0.2724380405141381	-0.18151912940746895	1.4007536572250008	-0.5649151769300904	0.21905490740933414	-0.3691726071103826	-2.0921637637900363	-1.077804250737976	0.6317860891851022	-0.46675757953711144	-1.0
+-1.5458142887641484	-0.34720359315039184	0.054224861425900175	-2.338956467062469	0.3028922339136003	0.9646405729486569	0.4736993181874186	-0.5336459552515023	0.17565929597975372	1.5927494431570441	1.0
+-1.0451012166365874	-0.16057434224098666	0.10943621735141401	-1.1829168191064703	-1.8488067570730307	-1.0668611439289608	0.48162835049875424	-0.38585088908351173	0.7407983751780983	0.07047790903175123	-1.0
+-0.5220810314858474	-0.30137288266731044	-0.6666002674362971	-1.5607598684986397	0.897464528633541	0.49912316755687997	0.12054627724308109	0.47049261914201107	-0.48059449402327925	-1.19031733463992	-1.0
+0.7107651741007313	-0.5537962805296851	0.16346088438584067	0.10496050401054349	1.1501367433111191	0.5565616347521616	0.6090491700148777	-0.632513260808761	0.5803184139651022	-0.060656862955325866	-1.0
+1.0895413618467062	0.04122581703700495	0.6586131177687307	1.4414269837476597	-0.007376305333465803	0.9929573232032219	0.48410162661282996	-1.006348111134418	-2.51871608248123	0.7742923546357803	1.0
+-0.8713655567580202	1.0712884123405164	-0.7509932845900774	-1.402157939420626	0.9804550534591364	0.5512310102488605	-0.435619386413368	1.0253087267684435	0.13248571077964214	0.18606310012075197	-1.0
+-0.5293459119955041	0.8972135181135952	1.4873997087131292	0.7197888997690884	0.8676249657473085	-0.011529321983127718	-1.6848761983423606	-1.150148568120466	0.6757485324692472	0.7385683457758523	1.0
+0.0003106157775374468	0.4951590697382512	-0.4389592584599804	0.8158791712776551	0.18144010629405538	0.108037979209811	-1.5277372658206307	-0.8213668379669227	-0.5639496321368463	-0.514471388908676	-1.0
+-0.1710748394992894	0.9509898031798263	-0.3290106563710675	0.3491512258232621	-0.10531928574470358	0.4773039368933178	-0.4703445211779614	1.6533864089745263	0.08661627333883898	0.0015117862420517512	-1.0
+-1.126338619377965	0.7743079009252325	0.5876401455527239	-0.8078825163796293	0.07824444348494682	0.3684196239538122	-2.1173626393489178	-0.3925981653031241	1.623568119997932	-1.1680857440026324	1.0
+-0.6225878869714632	-0.2644382493445399	0.8916875678073257	-1.6887647307388758	0.08152067323403084	0.9566598086646207	-1.5827653593286648	-1.4591909268366934	1.0765289945021481	-0.45648915183613886	1.0
+-1.4586636248296623	-0.1948881577028968	0.012920265529686132	-0.632651296733968	0.07910798853031262	0.9664046241672667	2.3626992089649423	-0.06788278782022726	0.2226286358100225	0.21098015077189025	-1.0
+-1.3451734464748812	-0.5676447615749529	-1.3444516797714892	-0.8694594629234665	1.1743499349855289	-2.009681020416633	-0.09925735459980674	1.318216972611279	-0.29066794001208685	1.6943321980240114	1.0
+0.9552059326301523	0.6342568898343415	-0.31559724629122343	-0.005854066462559314	-0.7098931176766585	1.4264705820728683	0.9721971886885332	-0.2816908650556858	-0.3539731656039239	-0.2942107024743988	-1.0
+0.061340310505685544	-0.5818584104767531	0.8542356870588906	-0.49011057428257937	0.0019749163454156602	-0.6478885818679447	-0.016157495018359645	-1.036373861579367	1.7534621789309606	-1.0209336107741496	-1.0
+0.414010300358567	0.9538202262303096	3.8191921901752024	1.3517840163670587	-0.2210508317846135	-0.440128120093882	0.8165132932025637	-0.20531006812362246	2.2810937142497263	-0.6610263937269415	1.0
+2.261689392312619	-0.016700699928856123	-0.7751934366676673	0.7833392670532362	-2.5561738162662215	1.1269216053050466	-1.3815320121572354	1.355856337050229	1.2655334310787594	-0.04677204433257678	1.0
+-0.23395647038079428	2.373157238571454	-0.20673969695637698	1.4408305054561326	1.1456171255775651	-1.9432195116530286	-0.7776913934223052	1.9477244468908494	-1.146919631079917	0.5122040498313156	1.0
+-0.38515756062353546	-0.5004671163504015	-1.1377959030271023	0.1285025122313227	0.8432341164232815	-1.4029158094796281	0.017599927783791828	1.8539641911806322	0.6234016294038589	-0.5492257226675166	-1.0
+0.5934612796655057	0.18319432148914444	-0.046408511292052625	-0.6650404076362083	-0.5209179177227259	-0.7299363231416183	-0.7905264315789527	0.9016190328656732	0.300155128794571	0.7710961647356046	-1.0
+0.4026276143823328	1.0162748622592548	-1.1718814985310801	1.2045364390224977	0.06612758134607696	0.3238744803028134	-0.4453365180317241	-1.2727630154212888	1.1245012214199912	-1.5006085473298636	1.0
+1.0994384715996157	2.0420753202115476	0.3412945090937264	-1.2451284750748055	0.6042965897730619	1.5532168103591544	1.7976325384859286	0.10129882011110349	0.11272865538094472	-1.3875090799274032	1.0
+1.5889355270575416	0.8025596678070541	0.34971084067282443	1.0340860109433332	-0.990658000859943	-1.325888234279224	-1.236157192357061	-0.18751598407183157	0.05089796352466331	0.3926704240548042	-1.0
+0.043919715276932086	-0.9195411473156772	0.431380592347287	-0.07529992286534308	0.6708947014366068	-0.5587225234995357	-1.2753280988670765	1.553336689753659	-0.9131993274356129	-0.9007550649183834	-1.0
+0.34781783390270155	-0.3318743267333761	0.8680895045648126	-0.5879635546303504	1.5524011268417093	0.4083432700553488	0.1962630977782408	0.22614263862303996	0.2433405905942266	1.5681199855420251	-1.0
+0.045464818037079996	0.5403704315252325	1.3385152608307533	0.9445143269195884	-0.47931886366750953	-0.05941500240542288	1.1205015070795452	0.06346235424028387	-1.3312041355391173	0.6198035808926764	-1.0
+-1.446316001204991	-1.1448971209429855	1.9065964797307375	-0.4935143775781184	-2.646293296293553	-0.0582415057117433	0.8366452783370826	-0.3988459000205521	-0.17448841397392895	0.6855364862553506	1.0
+0.9789842607419063	-1.0596390892575	0.23852982942962941	-0.8053140950405908	0.7871040721446222	1.976677027556592	0.5995685095364299	1.125783615924232	1.4443462768884263	0.1845204000538479	1.0
+1.3973125791335586	-0.3062544898706742	-0.7976219502118782	-0.40151386976975134	1.2623072067070402	1.8207914876493103	-1.0418678041321559	-1.589665213428925	0.5307364716391962	-0.7922803547040447	1.0
+1.1017576064074774	-1.0678527622740026	-0.9445982960407311	-2.1011971049841307	-0.11413232110538522	-1.222003337203902	-2.4550466142310423	-1.1201845678212112	-0.7156252974248424	-0.025760816859393108	1.0
+-1.8058408019479073	0.7366186955374812	-0.32080614910166755	-0.4330613886387762	-1.4962992713815841	0.40508582774258556	0.4413887293067582	-0.5490831404626035	0.6100116286031322	-0.828851647296513	-1.0
+1.2375305062148136	-0.5192383517609591	1.2853732452582287	-1.567173603615006	0.028276392213320543	0.8139881757232938	0.5463410857422811	-0.06302357453906617	-0.05500426148539334	0.0006425951063431532	-1.0
+-0.07145737231420544	-1.395001107132957	0.28458137387342325	0.3867916033916995	-0.7267249384746718	-0.1849607732851202	-0.6748996601314392	-0.43674374808586897	0.674819738063599	-0.4055420715795304	-1.0
+-1.0069633092095855	-1.2688817610198302	-0.32042678881723646	1.0352039943343663	1.452287979486792	-0.9663420310866527	2.010059685469909	0.6382535885768728	-0.3721075714225364	0.10177233182573647	1.0
+1.1158189890375427	0.42214550402037104	-2.1823257723449716	-0.9066512150662098	-1.412316839028218	-0.3306263767151245	-0.7142440680403472	0.9231332509108808	0.40749776579756786	-0.5078891532344042	1.0
+0.8874790066565631	-1.4181696233434609	1.7326524695395533	1.400537549212823	-0.7765281127198043	-0.7750661967244074	-0.039442465091911745	-0.18435061102908676	2.34264998959277	0.24730882154569564	1.0
+1.1167623980241432	-1.1710167277951478	0.4840451626849294	0.6129896196691065	0.7861749091943397	-0.4567328276144244	1.196021773740542	0.6185824014903878	-0.8052420193164351	-0.17371537721976824	-1.0
+0.3886063354203737	-0.8519191815769896	0.777798430756629	-0.1956740246011355	-0.9818342986021706	-1.8082747202412792	0.09109665891070905	1.9720632551331263	1.3087050447054585	1.4745596839225859	1.0
+0.6743856996913792	0.5076045771539546	-1.3435344804535878	-0.6271086563292855	-0.06417465757776492	-1.5347653622790542	-0.2838814691027685	2.0122972992517996	-0.6978430052129182	0.32760478280433014	1.0
+0.9262670775239829	1.7736649633589774	-1.8016661117426578	0.8466908472824773	-0.02744135898987532	-0.07821244380148357	0.6842111309601743	0.23005842525377157	-0.27864006963781	-1.7847049893555713	1.0
+-0.5732207905423437	-1.7756735671858839	-2.7743429256349788	-0.203481067272865	0.05171883427541955	1.074577822721548	0.8425893427526947	-0.9783414180126836	-0.5662391541683488	-0.4246048158085039	1.0
+0.3350393042548078	1.7093797620922129	-0.6158464089070147	-0.5337698988511439	1.5648179056074947	-1.2008712526114405	-1.6140594516647768	-0.12634115842088806	-0.41067155295715857	0.3631710205554516	1.0
+-0.6255286845191469	-0.2807183222784557	0.9023232843483289	-0.19571829101336422	0.027557541194770604	-1.6592898530757696	1.5009570114190063	0.6657781696863295	-0.6704602583140391	0.24281495777843717	-1.0
+1.536107505720211	-0.7933775833025974	-0.5151315532741864	0.3380206875385828	-0.4499035011217274	-0.3386655447085998	-0.02418429990430072	0.12286788044018263	0.3087859657273903	-1.2551889589393765	-1.0
+-0.4625703725405042	0.29288447162777675	-0.8360625358379868	0.5954613309081304	0.7907530948204978	0.0833073909643145	0.19590182711116344	0.5905957644227936	1.0661051818428542	1.1637520134835566	-1.0
+-0.9188341767307739	0.5772373355184163	0.5103724277171079	-0.8738271957295554	0.3804291254364946	0.392951369269321	0.22000216981798504	2.2028314121022055	1.4868004913943795	-0.9351786674290512	1.0
+-1.949630543776907	0.2406530695047059	-0.003747825693963896	-0.6451351056518659	1.171762217011991	-1.1411290409541617	0.2084185938174562	1.2045787622771371	-0.339842677387262	0.19388181547746636	-1.0
+0.06581618993434415	1.253650683850298	0.20100174039756027	1.2262943516989004	0.6255021454270382	0.6857170790713546	-0.6496079842372976	-1.1432054506456542	1.8839452148810554	-1.5047721087806447	1.0
+1.907643095978683	-0.43711167209021173	-0.1193228387652899	-1.0529998904114222	0.8448218393442166	-1.7639902046150118	1.4329626363854293	0.8576058258342905	-0.6676631288849537	0.04234871251329468	1.0
+-0.4209631104346465	0.5319177055849824	-0.5033969176581186	-1.4163952302868639	-0.667626318656721	-0.8072146300468005	0.2672598327655385	-0.579200032287678	0.8010163289068467	-0.4371792358579671	-1.0
+-0.6488839514440822	-1.3718561093800559	2.3870154353349404	-0.17162990916382842	-1.8866187066724405	0.23636828949395472	1.5038921095265487	0.5231750895350372	1.4465452980762155	-0.12232719399095546	1.0
+0.24730261710509333	-0.2296935943601501	0.8092988485296644	-0.870211619132613	-0.8241577975193707	1.0073936160679373	0.10869000584188943	-1.0532314140018069	1.0016266894570012	0.013307761991401499	-1.0
+-0.5805234866700252	-0.06592809584333788	-1.8782160695505932	0.5113405349702048	0.19802932566382045	-0.1791752027236748	-0.6224688949563009	0.9238862675295604	2.090526850028451	-0.7760461547307413	1.0
+-1.3176952619885816	0.27285114699822594	0.5834330707584268	0.32477106605333517	0.8175293948413807	-0.05143464523813897	1.0979906545503315	-1.4260797067955364	-0.6730745041655429	-0.7345447151864123	-1.0
+-1.6780231637384073	-1.0011179756879713	-1.2068086114449508	-2.0803755375034805	1.6490341289902384	-0.4228730741888659	1.7503390730573396	0.48737121476628076	-0.298390701493683	-0.6424280656938788	1.0
+0.22326758776569097	-0.8491233701903722	0.4296356452238226	-1.1868496307783283	0.8288705234710747	-1.0087870192830732	0.8360237504291756	1.2861363060093267	-1.7994705546586667	0.26017539225356623	1.0
+-0.34264274255647587	0.368939817410996	-1.706382578089405	0.009483316344038316	0.14192653307463252	0.8580625246742298	0.2834423782903385	1.9312236432313663	0.1720681855690395	0.43284871187604723	-1.0
+-0.3493429854850067	-0.30627904204094225	0.9834179419033295	-1.4479994493346828	1.5616557736792267	-0.9962090151461385	-0.77223728420998	2.3214717824012405	-1.1803574434412025	-0.2326277096408701	1.0
+-2.2718815092284594	-0.5440334829850904	-0.22004918763242265	-1.221714403883842	-0.9272823009826137	0.2698612076383813	0.6136278782467391	-0.7371941180513102	-0.09527287531892631	-0.38013003169035064	-1.0
+-0.4312794300041516	-0.6859844453690119	-0.12639873091840337	-0.055572625260679714	-0.33751580279769017	0.6078631605696295	-1.0334257291781663	1.4027376948489956	1.3597290745366617	-0.27326271043764233	-1.0
+-0.4640352738948485	0.5585017095146727	-0.0539282548846811	-0.20348049475628818	0.014090594074408856	0.6163176147649874	-0.17700696998059778	1.686730749209632	0.9417423919951039	0.3721851854903125	-1.0
+0.7109875865559677	-0.13803353805903537	0.4450919481706299	-0.13757119461187287	-0.16529336091013885	0.3355526312205081	0.9076951582043356	-0.029562124253158358	0.629347008809571	0.162857760336956	-1.0
+0.418986520722428	-0.6448568401745626	1.0106043970307177	0.19779551234202797	1.5197336592954713	-0.6348063413719238	1.8652194267312159	0.20363657658428344	0.1988528412833094	0.1734356421533278	-1.0
+0.00237317485420413	-0.3207214425056353	-0.12856543154526276	-0.28967654343563054	0.7034996730649041	-1.7885188722404304	0.9681526823723552	-1.3731437409910257	-0.8940400331875573	1.3805400268982153	1.0
+1.3990337216227964	-1.7077549427411842	0.7940561345096182	-0.5947547119696789	-0.3944584338904634	-2.0029202039440945	-0.39539103096972367	0.9697187924384993	0.3193653790189713	1.026185410176188	1.0
+-1.478525316108312	-2.099307991591353	0.018244306675563513	1.862572930094346	-2.4401241305257675	0.002330638608819877	1.5379453109266439	-0.6780629099982907	0.6884251220541716	-0.45112484398347913	1.0
+-0.04069101492096695	-0.5626940116767156	-1.4133233122435296	-1.8511075076751746	-1.6858864576152037	-0.6919641017358582	-1.2588799858752042	0.557739852617202	1.15974589356045	0.9035153478501505	1.0
+-0.803239399939795	-0.9382315218687345	1.0022898125029878	0.8864395093725064	0.4655964227048553	-0.4468100913513634	-1.4310257881318815	-2.0185911933720693	1.5714199399589839	-1.117634849798026	1.0
+-0.915286676221527	-0.20047330203809427	1.397794115099088	-0.9378246476505793	0.5295679831290334	-0.08737078948197063	1.5994972891740282	-0.7969233966924795	-1.6732696348245393	-0.19957759748309556	1.0
+-0.013355366888883688	0.5132271699682622	1.0661612691503188	0.4363642618629394	0.15975930390336873	-1.5089482883326277	-1.1991469003003603	-1.1234422977732779	0.5696615963663801	0.024835266227426957	-1.0
+0.30093392414093856	0.9281472697462505	0.7670890107133823	-1.0252449508907153	-0.16160986786543707	1.5917628069139393	-1.3242380772353073	-0.5951131266489735	1.5159570712171304	-0.4147844571574822	1.0
+1.9170175975670527	0.8803489618197021	-0.07841370544633484	-1.6855592955525842	-0.27856511562301794	-0.5646570977195454	-0.4312245304843857	-0.3230874891894044	-0.5316639587939803	0.20046008646420393	-1.0
+0.3806548807678977	1.058923896792341	0.25054572016926474	0.2934564749567999	-0.778046917978369	-0.367201268699924	0.508121580177673	1.1350526673910086	1.577481982062351	0.24619163555483223	-1.0
+1.1286890507706884	1.1138152328888404	-1.6065319935089997	-1.1924734228509684	-1.2108686407569278	1.2800658496598045	-1.0933014604651943	-0.6190809565476028	0.621566645150511	0.9843563484402192	1.0
+-0.5144947494243801	-2.341757142692912	1.415886453762085	0.3087707879352213	-0.6067325562931505	-0.03905224641879218	0.45448373349020765	1.0026137468093719	0.4939539984730039	1.9462920548907656	1.0
+0.9481515452438795	-0.6672303969660087	1.3585286581682199	-1.9872376444564768	-1.5086486354584576	1.326438769445352	0.5969461996919063	-1.1205194491071853	-0.22269525483718397	-0.1462147028726321	1.0
+-0.7373628502418322	-1.2313345341649429	-0.7443723146152562	1.2218137857059228	-0.5765243123023536	0.5284365412426113	-0.7372453256955559	0.44528248727668684	0.34324784873148106	-0.42923760260528593	-1.0
+-0.7468046924990431	-0.3224911627968378	0.46251303301680885	-1.4777142108604757	-0.11234304016546671	-1.8821668844272508	-0.4443466601377579	0.9679635386555066	-0.026044617767167634	-0.5150376257585929	-1.0
+-1.8148040029285544	1.6112827706369262	-0.3668423309417446	-0.113337953458445	-0.9258767368754403	0.1777710089141465	-0.7858367655431093	-0.8555679668911443	0.49337647822693165	1.8616313772579653	1.0
+1.0341691600197098	-0.2716945358506792	1.468279295492582	-0.6923900126873692	0.43031257692041514	0.919301608669477	-1.0009459165866128	2.006049833157912	0.7696582428716685	-1.1651767386076535	1.0
+0.6962749159551423	-1.0750340599272297	1.1552568968586299	0.3853580505457705	0.14602577944168102	-1.01016487537234	1.7290318316873317	-1.6949588002888007	-0.01114125811106992	0.1963213806270806	1.0
+0.5356453050681494	0.38135869916276954	0.32875674946433975	1.388950186999115	-0.7896879574519162	1.8691686500468567	-1.0567548840364027	0.06953533435910608	-1.3377011261623235	1.0530691663226022	1.0
+-1.9567290798794694	0.09674317141923917	0.47933986192259825	0.3373236577018771	0.03161298322821941	-0.16714531392306853	-0.047847061965282045	-0.4962002374472135	0.2365723697803081	-1.4472320543806443	-1.0
+-1.8386065199228014	-2.488160123813197	0.8530866213665806	-0.17573857964070888	-1.1292828087566025	0.8400798787511585	0.2257581899845441	-0.5131575558424251	1.1341000264414258	-1.5376601656576674	1.0
+-0.6654423678480663	-1.481457143764554	-0.3913201768881446	-0.5607590621346954	0.493994887292568	-0.26713582161611676	1.422161444160768	-1.3465196615817676	1.173333010154979	-0.42417481887472464	-1.0
+-0.5734475462981597	-0.6538367910875328	0.5727994627929842	-0.008263757122173563	-0.14411459170704866	-0.3589184370108233	0.5058759517984223	0.15646945616991476	0.2660479366382109	-0.5081766242450472	-1.0
+0.7840505600285013	-0.9964262679198013	0.6921277140031163	0.6608984605481664	0.14138147777016194	0.41213287132793686	-0.34066262128922337	0.3141129374663702	-0.1836832892394328	1.2552750354598283	-1.0
+1.1506432682625032	0.6497187574955308	-0.30924008807326275	1.1276442197769443	1.3351095867335379	0.3443684831187587	-0.7180810101830857	1.521383867365326	0.4266411522994515	0.15186923108825132	-1.0
+-0.9922396583265071	1.2603438721792484	-1.3490766043444686	-0.41883139041301115	-0.060691845885141545	1.2331176704274283	-1.5264646882570332	1.15440811805863	-0.5425346315669003	1.0760817328140941	1.0
+-0.4132386445075098	0.5689736035327203	-0.8453679453485914	-0.7058211954605975	-1.9947681074967263	0.7051096613203273	0.450375475662995	0.9387628930813943	0.8456515042775745	-0.10239298875771558	-1.0
+1.1545836536835894	0.17655580084185238	0.3986864471683304	-0.7645236789905788	-0.6514870139236872	-1.3380428603616008	1.7778355670502801	-0.06802109100978877	-1.208961319665956	0.7462305605136367	1.0
+-2.593274487232623	-0.6535529089270339	-0.3136641659056701	0.3366376896859113	0.8437489546033571	-1.3557248555596295	0.5158992539615812	-0.7562091419901767	0.6857603911699767	-0.7254325614103937	1.0
+-0.24203939089470672	-0.8276365329021982	-0.9587734958600939	0.5750849006335024	-0.870845599571712	-0.8722561927580625	1.587465505526781	1.069036008474829	-0.8274373859491894	0.09824812897172139	-1.0
+2.1683598497217034	1.5309306495716881	-0.0766552153227058	0.4893195125776022	1.0402303097379875	0.41738270335268707	-1.7980015253269355	0.2812756770117941	-0.6376182480855755	1.2075044198521985	1.0
+1.7999704320310472	-0.49887518525136415	0.43441897442106264	0.8908572580461135	1.3461506879648475	0.00739671636934949	-1.1110474738203797	0.6832533134029032	-0.5935919769022964	-0.16565361556733865	-1.0
+-0.043100811287332876	-0.023783200734815813	0.44706268946329814	0.36536771336861906	-0.5744363227524742	-1.4902514593078127	0.7545091712357432	1.1342929243912299	0.9272662986816121	-0.9052230051979337	-1.0
+0.09258761536292157	0.6169556462548613	-0.9101072640028659	0.9343665114365438	-0.9505276476924995	2.117065496124798	-0.4248871186220045	0.1847056781891817	0.017190882825145106	0.7410800609108512	-1.0
+0.21195232049156706	-0.3446440860454737	0.2736318047797473	-1.6600353011045252	-0.4645051429962235	0.7860525901345911	-1.2913920474306386	-0.21026301056465346	0.3935083592281719	-0.8361271151075981	-1.0
+-0.5755109178676994	0.5094160995627045	0.6671845334127657	0.40349598675387655	-0.9526218374366926	0.3763894063293368	-0.7033405644420884	-1.5217051153600218	1.867694893829666	0.4532811126811505	-1.0
+-0.3834743981091138	-0.4949205103765123	-0.12232105489847837	0.5252702106011012	0.144139585833561	-1.322725488408789	-0.04961878313036621	-0.24900450820726022	1.0628652193478203	-0.549531675102533	-1.0
+0.355644466939794	-0.08589378375205582	-1.887631051177205	-0.4563089413781191	1.649248009414246	0.0917569910206539	1.855244919759571	-1.726334762903537	-1.3529563650284693	0.836532625998119	1.0
+0.910258021261465	-0.8501736520620874	-1.1669610522389977	-1.259540927936699	0.29893708958149956	0.07303474450566955	1.5736935163071337	-0.4093475582750313	1.5280396914328835	0.4859663786134372	1.0
+0.5862092185161133	0.5463140749136178	-0.14291528294557582	-0.7199791261881485	1.5337069498923288	-1.417448831056076	-1.5248946260347536	0.32290469113895537	1.04798414810842	-0.8100949163796722	1.0
+0.951527403073457	0.6966420526174255	-0.11841376098172547	-1.7665351794916244	-0.4311889154998469	0.7677538155384023	-2.6591128365993795	1.9155541169330634	-1.9456017041872071	1.63589321712284	1.0
+0.0939343311891913	1.3798058574511838	0.9320936859359809	0.740526737245977	-0.9253201312780667	0.4575769581654376	-1.0408250476481782	0.23149694961783987	0.3218488824342475	-2.5265502576633048	1.0
+-0.281094333190716	-0.3242774590721722	0.13148058447863226	-0.5701152088504936	0.7983439439615806	-0.796209605117646	0.21398126993619387	0.009282208416740574	0.5072215932621319	0.5554402051092375	-1.0
+-0.2752621953166038	0.20323338404762184	1.0072323969218688	-2.3907313030014197	0.01259120614638332	1.1703953776753127	-1.992973774672225	-1.0660015426620482	1.1039071878792086	0.33533733148199024	1.0
+1.9110178137706169	-0.23107259438145047	-3.0222347809255674	1.122693026022592	-1.8196550623321932	2.3382971133397223	0.38505101783936924	0.9164853151022248	-1.7951895832498677	-0.6794217888234076	1.0
+-0.5823025209771246	0.9127226771904288	0.1425992652434422	-2.199372029273934	-1.4901370676836174	-0.23818797618809043	0.9623630636161673	1.0852270072964578	1.2711674445358774	-0.5620074592982766	1.0
+-0.5771483928947433	0.3199971880202875	0.7525292739435586	-1.2767591982103934	-1.0084239467857377	-0.3015068038944349	1.6564356907910653	0.33476324942301977	0.6677938737079268	-1.6961716982256008	1.0
+1.1099203139593419	-0.4721635113162338	-0.41778623258996234	0.8155378335763852	-1.157048459385082	0.45206428978803836	0.3971699557177166	-1.239243897261917	0.16083740517604497	-0.42861482375967813	-1.0
+-1.4062687541526286	1.0822637852926102	-0.5827796663115654	0.755586072668648	1.2276030053707003	-1.5082961340548764	-0.1632010999930395	0.3667437999888524	-0.4612948552347179	-1.2676921752047654	1.0
+-0.15080090013696168	0.9085175750770966	0.5389384109847907	-1.520269414098927	-1.7589549715421213	-0.5680750828577644	0.420749807900492	-1.236830086985666	-0.5314155254691135	-0.5865163052090053	-1.0
+-1.336678776068152	0.25948920907823086	-1.649966129883872	-0.03260144257512004	-1.1602186377904724	1.1092716743409108	-0.5335998050243079	0.7854023115002154	-0.752076335625053	-1.4600339405196576	1.0
+-2.5865165116903213	-0.015538894768562466	-1.3567019028146157	-1.2254841587770153	0.7818380756800117	0.15503214566988288	0.47114110121132946	-0.33314075349869404	-0.4147965095110855	-0.7241038101657487	1.0
+0.5847497220227822	-0.015696068973873097	-0.17199423887659795	-1.4043189127224016	0.10940873637879694	1.8849321705794615	-2.13513046801183	-0.9755572761235621	-0.08749103486814912	1.5252506369599794	1.0
+-0.48738834716185575	-1.159771678485729	-0.05444389938548525	0.9063464228388038	-0.9548961781870027	-0.8709276239072189	1.1114528999565547	-0.4983683797543852	0.28049468599073385	-1.2039477228172495	-1.0
+-1.8391393804392335	1.2761195304551654	1.38053898990779	1.59684406720228	0.17205487245376086	0.5448667731406707	-0.08557368666587355	0.6755263866925149	1.3987534807412778	-0.8788052393693557	1.0
+-0.023406269833191787	0.03670013025780926	1.4068671420183172	-0.5892231716346837	-0.010615519299245263	1.1045472018507467	-1.1138350112535094	0.948055176134196	-1.1769057874781492	0.07917949885860598	-1.0
+-0.05523892035891772	0.9811207795163313	-0.018548563161073738	0.11966887273846367	0.4264017957621751	-0.4569513033075213	-0.4290207773620119	-0.05503716909872123	-1.0768954288108363	-0.35770273439052475	-1.0
+-0.7164160009782037	-0.749136586485995	-0.9141960656320809	-1.2048131870107361	1.1307525746469986	-0.28663180890729334	0.38612592552609587	-0.28456189058377046	-1.0290334872441047	0.5374816107370194	-1.0
+1.8580203922075844	1.72536397764349	-0.11240823967079372	-0.14714869142423245	0.033165423878050694	-0.42236464719254724	-0.7172171424155082	-1.5488732947887738	0.3280456967491141	0.06975612753001112	1.0
+-1.643893560818756	-0.9390696631552885	-1.0715123068385324	-0.6661918893325228	1.1506641668594315	-0.2093771260137465	1.4646814636234362	-0.9160972724855841	0.8080740772952882	-0.5347680591100153	1.0
+0.09311070367830566	0.16349028190474457	-0.40873553173513494	-1.3908634924082377	1.6938200774064336	0.8233556757458708	0.35275413442659737	-0.012250078859172696	-0.2681263906149307	0.8481153236480299	-1.0
+-0.06317729979493907	0.14668827699595338	0.9917565059045486	0.10478992725530992	-0.49870391508198086	-0.3503234228609837	1.7365904194198547	-0.2739787766909404	0.7507049298354225	-1.2384584137140118	-1.0
+-0.926076867686669	-1.6332174019739183	-0.493921048408383	-0.9140387558729539	0.44569229245033337	-1.1414109281127702	-2.2617823832811905	-0.9882611089154693	0.037025441586299106	-0.041235395529501555	1.0
+1.7838057898925528	0.6540230928121576	-0.6740745805126533	-0.8748578924807502	-1.0077126048399856	-0.9536235376659173	0.966245933375576	-0.42831071697739587	-1.6214096518043328	-2.5359176970179025	1.0
+1.3256028468225451	0.5781733275161839	0.39503746321277483	2.2316799000318026	0.35921021514754803	-0.6837830132335476	-0.6663135768075374	-0.09372242947511614	-1.0822748575499412	2.2190234240066773	1.0
+-0.47630382946817945	-0.39181545952786906	0.5549887754565634	-0.7769734738793792	1.4312786618565463	-0.08633708909346176	-1.251981499503004	0.0666570584430671	1.1105198435287722	0.7735003270929409	-1.0
+0.73234414567467	-0.4877074394233113	-0.3780061774568043	1.0227559867193146	-0.4004869925487385	0.5153459553966526	0.48196935625066345	-1.275951962850246	0.4213172421373329	0.5798484767980296	-1.0
+0.8880705034867753	0.36151564054381874	0.5555008268064853	-1.550398463510654	0.588399672826942	0.10758407655917065	-1.6578367310063638	-1.5755168444340246	-0.40011937071571574	0.6821168867230702	1.0
+0.7157348153048685	0.8020249786866156	-0.7214035892944379	-0.14855122280233912	-0.6007060401833519	0.7425052841475599	0.5207691059739581	-0.2613874015619357	-0.4672996749642331	0.16415045951939455	-1.0
+0.39652665243358926	0.37606413832639346	-0.41568599706364867	0.6394703540451787	-1.3349808738054065	-1.1435446529486986	1.453995570663435	0.4927807895336869	0.745025321364784	-0.2316642334315828	-1.0
+-0.7246668320456827	0.45292246503709815	1.0013920827864096	0.7824673995491914	1.0092554035244536	-2.4943210597718806	-0.4810445085883322	1.1859551458852757	0.9908563465308764	-0.3000408419867365	1.0
+-0.03941108338753415	-0.8857394377640381	0.2824451489597069	0.3716977880108862	-0.4510767017889891	-1.6875714125986179	-0.999849195650607	-0.6379958505166328	-1.2692559991828745	1.410184716196677	-1.0
+1.1910958424580727	-2.9394540262326774	0.2970948316160183	0.9302631060463277	0.03589098986827147	0.44203580046205054	-1.2829820612136287	0.22381525401751987	0.5239820595954834	-0.8994211032418101	1.0
+1.7909193509433217	-0.9800563007437002	-0.5646924855845379	-0.3129434453154856	0.10182098963901454	-0.1998042379153171	-1.3307178338355734	-1.1808324122236908	0.5273482465333433	0.9451374084219464	-1.0
+1.0141896000617685	-1.0550643066422947	-0.1905006865186818	-1.5303567963567961	1.0774364857727503	0.5995321701030063	0.21743737779022188	1.4053267235007492	0.36637247488254615	-0.5117472181250065	-1.0
+0.16248231239452327	-0.8433681189649502	0.41692176537744935	0.12846095470876076	-0.3341555736804149	-1.0673711314317165	-1.221188742936276	0.9638747837473033	2.4218234907467986	1.203877944343488	1.0
+0.9769189134788021	-1.7441583701335999	-0.08863188512291398	0.8913763588996927	-0.1572049394963564	-0.6324641486176688	1.4104783822122322	-0.913259665328333	-1.3920229964440944	0.42096790941055034	1.0
+0.02812798963252746	-0.712926123562007	0.20308458426915257	-1.4632195458691428	1.6724458700131506	-0.05153201481060377	-0.7882035885221301	0.7837239677070365	-0.5975181755235653	-2.000611717264961	1.0
+-0.16809433605388022	-0.6960905203588184	0.7922037922316316	-0.9114107163585227	0.8337235515669543	-1.6607892199919783	0.18698715953815945	-0.15783564022998556	1.9309846455573332	0.23298754304613314	-1.0
+0.5937691752851542	-0.8391298320387595	-0.24449536039348996	-1.1276710564304857	1.0422539207964714	-0.021453207728637305	0.6865226579512688	-1.3378283643524256	-1.8944250726183935	-0.8805260390521478	1.0
+0.9109405191834493	-1.6183651685960208	0.6946638681652925	0.5935776933812218	-0.7653660119018684	-0.3425847712581116	0.46655071850645147	-0.3843449737116728	-1.0419584407777072	-0.4110881281806746	-1.0
+-0.9776929901140474	1.4188300580666091	-0.2781944221117003	-0.16190688032374848	-1.1331764079801991	1.3931222000348855	-1.074632809220136	0.4766162783669306	-0.8085699629929692	0.8081312990211369	-1.0
+0.2284681945600287	-0.10045914128828248	-0.17659273382947657	0.6010736489376021	0.7151578275683298	-0.04873569244193566	-1.500581497738946	0.9724194822896269	0.10804191798610839	1.4828198642042125	-1.0
+0.0807098019542659	-0.14463594906243993	-0.6980629217737851	0.17046152640744128	0.8017825614868263	0.22180640166334778	1.3074366450605879	0.6331309657685102	0.09480566688752465	-0.5582429646837072	-1.0
+-0.4122993360714029	-0.8463871722742934	-0.14337045638837295	-1.059414755355806	0.101213444167104	-0.3637132856782697	-0.2976452626980163	1.111987731701143	0.9398902326051871	1.7141538531443048	-1.0
+-1.318394102081435	0.38464619181792775	0.4022777898610803	1.2524922551029647	-0.36018392588216247	1.9224234379168341	-0.1395006556236755	-0.23460151106459162	-1.4256727761505792	-0.34478066438330635	1.0
+0.1480051205284538	-0.4745133465442125	-1.0538566426432434	0.44229691204107274	-1.6997365015958215	-0.7026854875649396	-0.11839025178105882	-0.9391406160511568	-0.8138052344956054	0.39644453853062606	-1.0
+-0.6497766344553	0.9860615298808496	-1.142557980053211	-1.4415468071578532	-0.7362227869475838	1.41677730450979	-1.7276202420274733	-0.17815228389683793	-0.5187869357182614	0.10663379456251997	1.0
+-1.5692543638654153	0.7300772875795543	-1.014242836730325	-1.6187029620177245	-0.21096833163519546	0.9088647926071359	-0.5723598935276524	0.41310691121398346	0.4292976153327638	-0.07250542240066563	-1.0
+-1.0671269924558355	1.1529992104137576	0.7260039527335045	-0.7626505911977556	-0.047033227571679624	3.0561678979457234	0.8662393324035239	0.2864241694969625	0.11736131348113127	-0.8288794420872951	1.0
+-0.8361477184052765	1.9687743189977267	0.4457561144165257	0.7876334648868278	0.6201272177323849	-0.028986481721668712	1.536292921437519	-0.8067073542429167	-1.118998987154141	0.4211190351613909	1.0
+-0.1944147552065173	-0.9800244986171608	0.8152375854417272	1.100160933834026	-1.2875273968952468	0.32397805545186426	-1.5431120431783973	-0.11604450506318349	-0.21073848869674736	0.5525218988244645	-1.0
+0.23343311870793113	0.8290567458178509	0.67870368697588	-1.1154354646306954	-0.10393644103590649	-0.29300156828175794	0.45922459425884693	1.4392436230917254	-0.04438488567068299	1.3928813457261653	-1.0
+-0.9151106749598286	-1.825942952139401	-0.09737254758720504	0.20540906746208423	-1.225017532656511	-1.6355943658911973	-0.24428399614294058	-1.105079976744775	-1.149463806006193	0.8060292948599197	1.0
+-0.03959248222630848	0.5117263639182267	-0.12334897487341856	0.1296518834504745	-0.8848992469867147	0.6185634879717471	0.5803984999161552	1.1936487009639802	0.7401640566966233	-0.5097739340706294	-1.0
+1.0350975754541878	-0.018085022047890136	0.5185704070897307	-2.140651737225205	-0.11303630982186608	-0.29496022190769794	-0.7133810039783526	0.40959579855118844	-0.4597587794026908	0.19989429431027306	-1.0
+-1.219548911880462	-0.481779081559203	-1.7672789072530597	-0.6103355087534506	1.7334197335104005	1.060249977711208	0.5058221283455854	1.0561138921923015	-1.2496036104467865	0.77212446947439	1.0
+-0.14030364690298505	-1.6051587093179822	-2.680939717427	2.198118914863767	2.1309769755249737	-1.194552052723986	-1.0740129816250141	-0.44310663177011445	0.5159674914371459	-0.4725025841606085	1.0
+0.8659125026391853	1.822209096868592	-0.931463439483327	-0.16399047233950145	-1.2755256514654008	1.5705994619485941	1.1843891002808276	-1.2120009354221744	0.1977728826612378	0.5815989412510979	1.0
+0.6013453576052953	1.2377481095044378	0.686882221186713	-1.7582570859096278	0.8437656489741423	-0.15274867036915335	-1.1652179310977446	1.0897347138236053	0.5102959027517722	-0.8418278212316173	1.0
+1.1326626994595808	-0.2236533450261669	-0.4670910075313735	-0.447602904570243	-1.7855841169632543	0.6256996734440607	-0.10760526555832559	-0.4063287774702298	1.0199074337552294	-2.2468669124736516	1.0
+-0.8987945800691796	-0.9527380778687818	-0.2563701298782334	1.3319641279857837	-1.2652311382297203	0.5492072519304145	0.5839322988987671	-0.11852020736894911	-0.316374003428249	-0.8375306097464271	-1.0
+0.20174018206511424	0.08553096050357836	-1.2300540162954319	1.9510103259092755	-0.8511960209677402	-0.750661177375109	1.5174369300381494	-0.030910445265010834	-0.6763535255810728	-0.867185808945698	1.0
+1.2566309898685555	0.003827288201566435	2.4572945890653948	-0.48154331070474937	-1.6556781973616492	0.3239432006726549	0.046060685509733516	0.8246715524630167	0.17709038735160254	0.9477330032801672	1.0
+-1.771648115399562	0.7561710387071465	-0.000419006409108071	-1.619408643898953	0.6005973140802101	-0.3701676887733479	-0.353252935968457	-0.3381695821357643	2.1223844451348315	0.12404443549410725	1.0
+1.8013286529696937	0.43298750265476227	-0.4105571780155071	0.8486146357966151	0.2562941632079194	-0.4877522042490548	1.0210936587959165	0.5074943598813888	0.43260536447897946	-0.5329588401244406	-1.0
+-0.26693774818874144	-0.8608237181758934	0.3449333957057997	-0.06903364793907009	-0.964957629695019	2.1111934051759405	-1.0729103973098801	-0.16065930935765935	1.148955304830059	-0.06831955046278945	-1.0
+0.7175875850191902	-0.968146478821241	0.8899574674320506	-0.8553760112339491	-0.15368025726187656	0.6490646089966611	0.5340081813071309	-0.1796824076217816	-0.21279986644756596	-0.21685878634416944	-1.0
+0.24107499361741924	1.0012616102081888	1.4832888737409387	-0.7349452934005823	-1.328288150545474	1.228848189608918	-1.4155354526365658	0.21619030567036657	0.02855690701209574	-0.6884288483501514	1.0
+0.5968661269567586	-0.17355823957422548	-0.1856836148994236	-0.44901391719759837	-0.6627131420115138	-0.033281068779338646	0.8279247047605721	0.47913059628598237	-0.08273851353004792	-0.07576332416912614	-1.0
+-0.9747412199681276	-0.4890620242859942	-0.4532417429962467	1.0439025873973815	1.347313938505102	1.7939472135885932	0.5530369221818904	-0.5142310726958585	-1.3046024982359716	-0.6575969610307728	1.0
+0.9071352192181044	-0.38846724360150464	-0.3489715397463343	-0.4501033498442898	1.0839799266564902	-0.9253965879317003	-1.6988655239987098	-0.5072252028356297	0.18219474781000874	0.24010268323407666	-1.0
+1.341842596536238	0.11796790090878521	-0.1387449572877046	1.651792230853364	-1.608530349514279	-0.044910810955597825	-0.7014405687043651	1.3790738297089216	0.23468493582500863	0.2890514011742336	1.0
+-0.5410459450220811	-0.7109265053687259	-0.5675707009971422	-0.18002474183726078	0.3978348161202392	-0.009460603916412662	-0.5411371720002143	-0.1867385942904594	-0.7442832053102648	-0.6766061053652656	-1.0
+2.49123322317737	-0.8231854237780079	0.22371569410373218	-2.63995870211062	-0.1422865130762458	0.858729162145834	-0.4970751819019197	-0.46736430239296334	0.32456622189523127	-0.36942677734403195	1.0
+-0.10290258544372373	-4.692364842388591e-05	0.8916828487556815	-1.349498699607926	-1.8078391597260002	-1.340373204074276	0.2470461534224029	2.1421192091779373	-0.2726673848408943	0.38784688001747364	1.0
+0.2916571756646966	-0.019980111378420894	-1.3456050941130138	0.9504594349064217	-0.06034007258187445	0.043937006309219324	-0.6160592529780259	1.454777413803014	0.4244787413274417	-0.9673240873130711	-1.0
+-0.690542791237999	0.021518910661959885	0.7162199410929158	0.8235891428738892	1.076230538693325	1.7051675426491675	1.516977631022017	0.6719039835665946	1.042122354707056	0.8275733824016617	1.0
+-1.2481546949398916	-0.9859583884476978	1.1816118267601945	0.3619839178005535	-0.0929899127774421	-0.2622626427981286	0.48954760187343505	1.4799111661020217	0.03221247025304714	-1.1149337031094837	-1.0
+1.5530953706229005	0.13891357638744206	0.8241731466944507	0.7727289375872731	0.022947790772625074	-0.2500804139603672	-0.19411851184900678	-0.4638100529627788	0.47184525606694827	0.11202699557935279	-1.0
+-0.22390044893106312	-0.43578309799628634	-0.7403767357070694	-1.5385923002121764	-0.6266432544477267	-0.33366768918090645	-0.8794224977122373	-0.06989426329468218	-1.0674370183966868	-1.0864211957731202	-1.0
+1.60838184446633	0.4475746062394053	0.11174167310998602	0.5954838218462651	0.9193163441603939	-1.5788204864591329	0.9218688528119745	-0.3359200045181002	-1.598489448559901	2.0144378085646624	1.0
+-2.399871099985792	-0.13487364953546802	-1.92607304725601	1.2568658711629122	0.5986192708632507	0.3727369174068277	-0.5628481556397825	0.26022518507550935	-0.8355279611508886	-0.5051557255395569	1.0
+-1.1460314881658582	0.2681346769392181	-0.8115132211805935	0.6600685305651225	-0.7025147614061574	0.5469735407162749	1.0575266332170254	-2.4574623332313315	-0.7945584174164917	0.7097177755092496	1.0
+-0.2519995270668142	0.35658838500266477	-1.5640072716564297	1.1019160881575136	-0.5592725022794671	0.8892250715575287	-0.5831601684906147	-0.18181804005855084	0.6034248599776106	0.09858219421416514	-1.0
+-0.9905989022537757	-0.8679324738961399	-0.8141746791095106	-0.3340412253086438	1.2407792072976012	0.44049371657989483	1.0128242086623986	-1.1057130379623024	-1.011087512768654	-0.6936430750847972	-1.0
+-1.3785291395756158	-0.8744047415265287	1.780490395053771	2.4131597100362767	1.4276041126743937	-1.758388618316201	-0.2706745667995446	0.004186466395428423	0.7767114785686029	0.8339347603393129	1.0
+-0.2611857652932477	-0.2761569889626168	0.3149699684858174	-0.6589853855852079	2.8199076341977842	0.8360445316992773	-0.3853296224729447	0.9616612401464677	-1.1775981009866925	0.2627713356587547	1.0
+0.02527309482094958	-1.5072198355746929	0.45599002483154943	0.8007497967004472	-1.0503609441989472	-1.0030501527340328	0.7837128784106443	0.11280789406053086	-1.0648942636655059	1.4857271150773756	-1.0
+0.25707672516032043	-0.3905628540405379	0.4776799420315086	-0.4558351318211669	0.01689444133412531	-0.36262884758188196	0.5652334493611834	-1.5035812219390507	2.691183923336295	0.08232654879433846	1.0
+0.7700576179578281	-0.19746261726843023	-0.6644065727778787	-0.3481715616670139	-0.15522471302753557	-0.8805854360258659	-0.8052075881828131	-1.1161556656902292	0.6933407947688037	-0.25452208281281885	-1.0
+0.4842804471679413	-0.49578445261213927	0.43631693659620324	1.1314123105331726	1.024608665268313	0.036020263062874744	0.6796885131282481	0.35890998726974144	-1.4226899094997554	0.47430212858152954	-1.0
+-1.605687525535615	-2.48304129477194	0.4111752825799099	-1.27459459029864	1.2803426266947509	-0.5010294470869582	-0.6314270613999011	-0.6785114038144915	-0.7068651186967935	-0.28005061744658527	1.0
+-0.1777747116078813	1.410977054488622	0.46393123229275557	-0.853725894891745	0.9692921404144865	-0.33960730626217467	-0.17225781195207138	0.735367316551972	0.2742342926567133	-1.43971622862043	-1.0
+0.2567929821341502	1.2586269070881926	-0.5196787896726031	2.567575334748187	-1.2029808403090267	-1.441157287722309	0.562653030714727	0.28527840201933075	-1.605416116940595	-0.3137514819650694	1.0
+0.28840266167731926	-1.5645051152669296	-0.8753148828523242	-1.4564212786978645	-0.2710466372657011	0.127102965800425	0.8095506060632216	1.891959044842051	0.008731038184295622	0.2652899759207638	1.0
+-0.6333595021746474	-0.6633206480590471	-1.5432702119332717	-1.7669320557784547	0.43038239797812455	-0.46175427663081836	1.399921144254818	-2.0388640224557113	-0.5858185430855745	1.271045643495208	1.0
+0.5704310082584367	0.3612801691339149	0.4788826908337705	-0.40060452019968934	0.22893481911605904	-1.1562883682188425	1.133447419015704	0.1973697967260356	-0.3144722455368164	-0.6644215005432196	-1.0
+0.2602408153740827	1.4133322198728497	-0.9801253186465402	0.11174787960266515	-0.929767872746894	0.6371777194686526	0.4255286598183147	-0.001074767133598399	-0.4674239417799792	1.10018175276202	-1.0
+-0.36001120873927156	-1.0328414853254708	-0.08413858918337898	1.05796219039752	-2.7079167670733635	0.46921967260449965	1.0901077032075057	-2.15513935128698	-2.181359336839668	-0.11865151519591699	1.0
+-0.039864702725365464	-0.7948278722843453	-0.7961770715467805	-0.6097011164560507	0.4878217108275914	0.08736172853578385	-0.43588811786844517	-0.08101601979140136	-0.630346688579106	1.4357604661484429	-1.0
+0.07124340140597626	-1.2541238857515797	0.8178124707519571	-0.2973818659163956	1.6488367925433822	0.3141713908505298	0.8426412271114144	-0.3475092795383149	0.8792379282313293	0.27399242241061667	-1.0
+0.7639716190422291	0.6679012758720593	-0.5904520304946151	-0.5156731011864352	-0.7443296880130964	0.5748585941515966	-0.2105860388687647	-0.006983067446841861	-0.9670082111058426	-0.025930634569429938	-1.0
+-0.8246890682872675	0.4755050811408521	1.066890184074317	1.6504963703158293	-0.6669541411415044	0.30953692591780635	-0.5809175192336743	-1.3509759070056986	0.17209491566562274	-1.3428529202720412	-1.0
+-0.907195346143894	1.3708316226110782	0.43513424952585184	-0.12244541575574655	-1.3348781227854567	1.2486332029688054	-1.4665715419801	-0.350143106225119	0.0804313170205666	-1.2140944228570143	1.0
+-0.3019153958987555	-0.27273775366146513	-0.06958910926608369	-0.8345621347234597	-1.2896623164120211	-1.3572018908502586	0.21972050880375876	-1.1512197378681654	1.2114057924771076	-2.6226946678302188	1.0
+1.5163140581017154	-0.044904217793016114	0.8485858503428928	0.6062418726902606	0.9888942882985512	-0.44919688257034684	0.35368310028367383	1.0210136682645696	-1.23137259658208	-1.0948410294583046	-1.0
+-1.88682802708395	-1.0975845584772186	0.5788252941669723	1.284146453389389	-0.4030705296804697	0.17903748217801974	0.9643970452249662	0.3845534404626959	-1.5013402700468783	-0.9483805690327848	1.0
+-1.0571618735056285	0.31348936805697064	1.382082495106523	0.4044057678241294	-2.5357179121204956	-1.306796574574249	1.2628543179560208	0.4579278320465193	1.1906868947701534	1.1343296876987121	1.0
+0.1239621222195458	-0.11581961448364246	-2.070699532029912	0.0009568202579961983	0.530371657515318	-0.05021905452525109	-0.9804683789292968	1.2734626215670555	0.8691888750234134	-0.5739432606882326	-1.0
+0.8403972551999018	-1.2685472047872257	-2.098629185894912	1.271368550078506	0.43218840071680903	-0.3237294992186936	0.8396898982012665	1.3082452288076745	-0.437566208448779	-1.1406315253623756	1.0
+-1.077897443541954	1.7298949545025528	0.6043169202200934	-0.5403223084968036	1.2297802345679927	-1.7250009173301528	1.3058102997965317	-0.37483135229591485	-2.12988392980997	0.056965361065359384	1.0
+1.1818592955326808	1.1756423141912948	1.5364828166986797	-1.5776022503698854	-0.2395230822906097	1.5068897831518364	0.22687513999867145	1.2860058797097595	0.22338174940582078	-0.871546713931174	1.0
+0.48330997566377937	0.20689472993577368	-0.38071174491786697	0.6575731254912341	0.31247971693281057	0.25486482108742375	1.0503612091480887	0.8525365698677042	1.1189186370869013	1.0775745004619859	-1.0
+0.6570782667125122	0.6140449908704068	0.6999263889753075	-0.39075210726745396	-0.3349868569504361	-0.2999293264756464	1.0005530904853688	0.3917905339290322	1.1571536655993038	-0.5962773394827265	-1.0
+0.7205982631457422	0.615398473762151	0.6722546712670792	0.24414829520697232	-2.2931421367038407	0.11745262455474437	0.9820069685186176	-0.12856690978264584	-0.5335702646320465	-1.2361021091629047	1.0
+-0.6684965113908482	-2.503950962457007	1.1451668513443543	-0.6981061507169981	-0.030832901164907126	0.1402548250932912	1.8109037901487315	-1.06899305996407	0.0003403475576645703	0.2148840583685121	1.0
+-0.7620549262627956	-0.9072625409556403	-1.7158145798474405	0.9264240026690946	1.2492190664175233	0.66107830142591	1.1167934655349565	-0.6791269796667451	-1.4465952801077002	1.2931692177766863	1.0
+-1.5773715548911829	-0.12928023961540164	-0.9546656013151076	0.30735420707644684	0.4230144032849985	-0.06494287131141628	-0.2607054314308963	1.4136760380383426	-0.060127599037072835	0.6785252953793146	-1.0
+0.3088195543984344	1.077895458422027	0.060369252798424734	0.7647793965918843	-0.0379223796821234	-2.0831621918731735	-0.5123896163162295	-0.6183570069568701	0.05453262972311679	0.4355729229584457	-1.0
+0.696903966333936	-0.4866691874945593	-0.6470158310196088	-1.3173932302991924	0.8599509434842139	0.3680512876785904	1.0910332181942188	-0.8258380600197619	-0.7977529363452492	0.11797021995522372	-1.0
+0.8642439646903032	-0.5361217345104521	0.6331931214047996	0.8486382392431465	-0.6283273767770607	-0.08212033961560326	0.04192163376628835	-0.4756019143328072	0.08915409897519654	-1.1424660446039017	-1.0
+0.5324010024488179	-0.2910558127236988	0.01807358134634661	-0.11159017823022409	0.1465039169447053	0.8607015658041686	-1.2644777017349351	-2.036012465290108	-0.9253209264002744	-0.7393298745638927	-1.0
+0.8433549248094109	0.6365278206737911	-1.5613702996044183	-1.2177395382884222	-0.2523214997215569	-1.0968252036640886	-1.4733740433043776	-1.2408555293833152	0.14144691390380665	-2.029956728716783	1.0
+-0.5015362462983524	-0.26393368269564604	-0.9776866930650036	-0.14663930025565122	-0.899207952723695	-1.7407809254652782	0.6776013579371921	-0.6849859888728255	-0.5774586009733412	1.6468618655355396	-1.0
+-0.2353896181208124	-0.89377575486935	1.2600798075545394	1.4873610454650523	-0.821041615118045	-0.41431530732624416	-1.5371975354586085	0.7954839998268701	0.09121968868825808	-1.2314321251773734	1.0
+0.5462201725115994	-0.38243791333295396	0.7258634970801728	-0.0783688445679277	-0.2050075017541461	-2.0560743143878444	-0.08767313304112496	0.45231171037813694	0.10245113568229763	-0.19096216376048333	-1.0
+-0.5891073431903397	1.3903853547569527	0.16334941058451058	0.8630847218050486	-2.400654254435443	-0.2157557403547649	-0.17966311319183875	-0.28265362184995074	-0.12952804666948112	-0.291084893126003	-1.0
+-0.6618428060827077	1.1769223305637035	-0.36447638495207335	0.5845368093821827	-0.6850728421642271	0.44984557061249175	-0.022235076161645974	-0.39713889021961873	1.0537798566617114	0.8847677006845723	-1.0
+0.3583617965505829	-1.067422358751519	-0.15903336397852533	1.293737269350701	0.7740842490663494	1.1395730208816413	-0.8205290564233657	0.07820446740298999	0.4662476759597397	0.5617654010982673	-1.0
+-1.7500643783086958	-0.6561173245659092	1.1637309715250355	-0.0006858558462784903	1.2876462390847354	0.33185087637114175	0.7237879974844459	0.0456772190186637	1.1528810614708094	1.6840490468373557	1.0
+0.16364693611425385	-0.7596761546528479	0.7400768301283761	-0.4418005661596678	-1.8804082509512832	2.6592164069045543	0.09919945586211687	-0.8970009081654574	0.01470030364576839	0.5735044774215887	1.0
+-0.09418897057867942	-0.6885626905869919	1.246749501630115	0.0039800208922282235	1.9548209635230893	-1.1711656767339191	-0.310075036233117	0.6212982337973397	0.21979090754114772	-1.0304466752004873	-1.0
+-2.020613925559832	0.43114580639317474	2.0751806602386136	0.2110369402613072	-0.19934792265669268	1.3436927067600135	-0.2138894455706278	0.2796735395285932	0.19058337157147834	-1.073263517782151	1.0
+-1.9172831749453954	0.9297065323454977	0.0416293585462274	0.59974845797551	-0.10106640228787227	0.7415088362944089	0.3268443891932742	0.687050572400467	-0.3174954113645242	-1.3423601702007997	-1.0
+0.6135459844852978	0.4378424750970571	-1.1755094944337179	-0.7266980765572219	0.1123588034670643	-0.703394094108779	0.23988258483361652	2.1212524843862033	-0.09198885175717765	0.6106080379381148	-1.0
+0.21648139758672102	-1.2807459450268814	1.4973892876920742	0.9607202262106791	0.5551356855499004	0.487592104599216	0.9086086262901357	-0.5988021072188863	1.0131824187567446	-1.6845092703832605	1.0
+0.7797333821701756	2.0256690870914644	-0.2116520854891289	0.7373581394820369	2.6088273481016024	-1.0472722219613295	1.8176876017318875	-2.8064866543055857	-1.3190843332651632	1.3419139603377028	1.0
+1.217745365495101	0.781137796478218	-0.015410819613568263	0.7529859371041957	-0.5352377690672926	0.24765000129749706	0.23209075650699956	1.628215455851048	1.5162688111097549	-1.3091441404169006	1.0
+-1.61792052902001	0.831417318401251	1.4713620423719365	0.4016104160313803	-1.879920036236128	-0.9875715261193589	-1.8781160946814375	-1.496431377418074	-1.073073243300188	-0.2931788206772905	1.0
+0.35791137249758714	-0.7807087381324165	1.3278862845253863	-0.16191813343796396	1.4949969122750428	0.9465516110999885	-0.29811446939434305	1.0586392558400066	-0.9279305898128927	-1.914395863923052	1.0
+1.8404854317493091	0.8162966609498616	0.24015099483488148	1.4126279741383028	0.26828061437881073	-1.985572395100393	-0.07775726556080484	-0.5838894193164164	-0.2982376505961686	-0.6741276924573802	1.0
+-0.9893371686522084	1.2260588180066483	0.24832602576701898	1.540463539679037	2.0058065401383764	0.5336409989243953	0.7817463256938588	-0.8192884301262435	-0.27062910186445505	-1.0784285665634306	1.0
+0.8774482454073996	-0.5722300032298162	-1.3649454861128771	-1.5169257674735261	-0.3971095477834073	-0.9099400188719851	0.07146070549131028	-1.6123636928119243	1.9311794190283689	-0.5929421601700255	1.0
+-0.13771186564607885	-0.33418548590687036	1.0195111645951787	2.0752278707016867	0.04306225121625309	-0.4250064039763302	-0.4547917386741965	-0.5941139321323604	-0.9019274993998686	0.5633100275033806	-1.0
+-0.04170664725735867	1.9601718483900783	-0.3082204292991191	-0.9430039920399785	-0.892660368012725	-0.8805108446999613	-0.21894353343128875	2.1257978532561683	1.9389350416637832	0.23729977991078524	1.0
+-0.203820705643072	-1.499810806603477	1.0703602857427903	-0.8967074445531364	-0.128159420941155	0.20593400544691434	0.9031031588253989	0.50933313967243	-1.2009578826836254	1.2790884841236505	-1.0
+-0.6572958507845775	-0.685664331800793	0.399035595427393	-0.18775866430006558	1.0058335432493615	-0.4474220634550527	-0.5260570946219246	-1.1218953528286757	-0.6428171286720028	0.14490783281512593	-1.0
+-0.15663124469744127	1.038333658241046	-0.4270722583188276	-0.6838276896121969	-0.5067075274006401	-0.12132087586355467	-0.308392441526729	-0.4876834480395838	0.22923526864040814	-0.4054142026942901	-1.0
+-1.696958953754787	1.035308280196904	-1.737965055826092	0.5577685543560581	0.3151465504218433	-0.8133175201817263	0.7512070037641253	0.7278181436676376	-0.779922399656844	0.6553167677690954	1.0
+-0.7336108837577855	-0.5816510748833882	-1.315583243557815	1.7085887406456097	0.2794328861078714	-0.10325107918881482	1.6746108935783048	0.27618727073049965	0.9201400118619611	1.5400450539247932	1.0
+-2.2677597456235365	0.38464432736402254	-1.4888894253880451	1.7924089110570656	0.1446282619824013	1.2748982798686699	-1.225813350132182	-0.6537670491774137	1.0218704603915034	1.983807689974054	1.0
+-1.9719286928464208	-0.7677472120881325	-0.5258454123980428	-1.4559348525142524	1.1943633299267757	1.117089025110139	-0.04023185070888502	-0.4856102898013532	1.2705501657050176	1.350728802888668	1.0
+-0.633329859343282	0.547104791390735	-1.9973377532515295	-2.1047139297888244	1.2706661750922694	-0.541203322897703	0.16569144238395783	-1.4710185539374043	1.7058668384970448	-1.3489404110565821	1.0
+0.5821550303123487	-0.07915806552111405	0.876792488549103	2.3382325747197967	0.9088631287180774	-0.5098923596697212	0.47057473525496424	1.1840017516404748	-0.4464137471311454	0.283184861263656	1.0
+0.21576931738734276	-1.1281554820310264	0.6082552288328987	0.9930977956872312	-0.8040266973221034	0.6598739640542651	0.4980079458531437	1.363374386228518	0.8264240331578887	0.4837829934822996	-1.0
+0.6054626183708427	1.1578817643346628	0.06553709774386787	-1.6260856974451574	0.6956574030042232	-1.8626193673754259	0.5909794781730826	1.5006047337572557	0.7149898086090496	-0.9314866324975759	1.0
+-0.6101245348759314	-0.8780771766537365	0.480175678626742	-0.11645437071570056	0.12168919181901225	-1.3636082486549548	-1.8545119950918543	1.4906647105765556	0.6465194369837142	0.7704199067960974	1.0
+-0.1988806552571582	-0.9392905063472456	2.465988807078574	-0.8165374698709621	0.515816403911545	0.05478370225444015	0.10839453664481805	-1.0920599614712962	1.090665653554803	-0.11219091523466736	1.0
+-1.5160263242689693	0.9009059073065512	-0.7226515773390619	0.4068217821722056	0.6492235961668581	1.2259146722541192	-0.3977962361012733	1.00738642473082	0.18251326463727086	0.15015854720955427	-1.0
+-1.0105829827223798	0.32372229098315236	-0.29765994093546333	-0.22443489989313775	1.076409372699209	-0.898058952729991	-0.5360886213031173	-1.8376725610117535	-1.34352909699076	0.15698317225553554	-1.0
+-0.577767286047327	0.6621944758480329	1.693880047264184	-0.5040508183134497	-0.22241764838241196	1.2586548498477939	0.4237732801660336	-1.5455453843851645	-1.5424247431798708	0.7989477086882452	1.0
+-1.9549001043239638	0.03559433431934669	1.8622503463593616	0.413459628677876	0.2793857005274107	-0.14371194228967188	-1.0453188465161392	-1.8324809881526956	1.2106007077770031	0.9429497038743158	1.0
+-0.3845586262733021	-1.280698889625686	0.14424192365260893	1.313120342405413	-0.504696828792439	0.3315080681932804	-1.5005078153272615	-2.4688836306677366	0.8661964261685418	1.4900170392809513	1.0
+1.4398866368577263	-0.6477515848119693	-0.1402769679857189	1.1426908905655233	-0.20228105692790657	0.2507179416205716	0.20031873003482747	1.662303533215123	-2.1118538825115603	-0.06863771222246444	1.0
+-1.098456494351554	1.1512409640600914	-0.5052600250925539	-0.5270046951596935	0.20912814027575427	-0.7258999380393252	1.114090020324116	0.0873408107467065	-0.41664673016121323	-0.06436359974931362	-1.0
+-0.9058641673925694	-1.568013166166086	-0.48314224962822533	1.474955019378138	-0.6646715923251441	-0.015215356256821409	-1.6273187937895979	-0.5923427083944739	1.034923250461982	-1.0118879422886002	1.0
+-1.1523203752500624	0.23955298039021952	2.26909463593031	0.24280066301944475	0.27635216206675983	-0.3465462468702315	1.2865553035363415	-0.020410063636785953	1.4965416203358142	-0.017798817191895255	1.0
+-0.3341911441577211	1.0207625049642604	0.19373483339054423	3.1521717541486343	0.6952577982819231	-0.48497500562852636	-0.06274340626219012	-1.621118752243027	1.0312625460620999	-0.7055165360963919	1.0
+-0.9284732525637133	-1.0324295731733977	-1.5630378706980392	-0.4701881050286818	1.0787669374775757	0.15594548938541394	1.306765726676373	-0.18233514492739464	-0.1137474175075033	0.3155587601582926	-1.0
+0.620545948645077	0.7064564454979747	-0.15707370226237033	1.2137361318855886	-1.0579410433014562	0.6486146852927169	1.2209964953718477	-0.3567100719552385	-0.4240495547487079	-1.125522053184299	-1.0
+1.1697270528878156	-0.7530578780830961	-0.5564653128558497	-0.9763999841044234	-0.045687162845523085	0.2084114780594177	-1.0764851424744368	1.0093868952707927	-0.14837403067022034	-0.9225014709437699	-1.0
+-0.15078404618427507	-2.344552121102723	0.7327476996857668	1.3214804188862712	1.5637937908619364	-0.19334270600070233	1.3774209197546852	-1.0318552452665208	0.2041881612695115	-0.4058240298575524	1.0
+-0.29409045550462115	-0.2481568311545041	-0.21842004760876063	2.257883181211069	-0.8147552243651697	-0.28800588066851895	1.1163587220437514	1.1757607616041588	-1.2411739782537203	-1.1169493344551715	1.0
+0.37329387064614367	0.6665130322088056	-0.8381316841805241	-2.5326049839908977	-0.8982604669406716	0.013784311971016849	-0.2688045112135019	1.3727141910749432	-1.301497992003889	-0.25812009439425154	1.0
+0.6989365584245133	0.25216685749132517	0.01965559559330921	-0.133940652757172	1.356673649685611	0.046488368079762546	-0.6391052342367627	-1.3425929807001573	-1.374046180486352	0.41402652545069546	-1.0
+-0.3503380465814479	0.7587228112880786	0.4291838041279576	-0.13639695871916663	0.534537373169277	0.4309278751432562	-0.16830955500926142	0.47399974979802406	-1.0692003973662902	-0.22162012209543505	-1.0
+0.63656697009173	1.5555203938608462	1.7816655874009395	0.23215015115032014	1.9414618283465657	-0.0013232837866166951	-0.41137252459850676	0.35486942122589726	2.5540189498465145	0.01317822458354068	1.0
+0.40776699302961217	-0.6540124040366608	0.3720701267527418	-0.6560358127514184	-0.46751923807039725	-0.9472916892254881	0.5613521997860556	-0.43362498916251097	-2.0787074504922067	-1.5726378228147069	1.0
+-0.3409509954760995	-1.3320066052416975	1.3713400483332603	0.7127907999118515	-0.04238655950546576	-0.5720159924568701	0.23616828488443417	0.5680556221693536	0.4231072447175073	0.9588791110942781	-1.0
+-1.2753823944478306	-0.012742997750521413	0.13416460556865975	-0.29194311372863735	-0.3480679639613787	1.0615181391567656	-0.06611326127524787	1.558440700912101	1.4219445976652503	-0.10046770431771714	-1.0
+1.1363979818137637	-2.0764091551161017	-0.47833344856130394	-0.5552221000067502	0.21331575176342665	-0.6006398932518432	-1.476604473354087	-0.439624589212368	-0.055247263198889104	0.30344541675144365	-1.0
+-0.5557571862756903	0.9180193162891035	-1.6696514714772666	0.39855418546269294	-2.3988514986691922	1.4723695953750258	0.6207215979274977	-1.8969018919463556	0.894486782062176	-0.7155736321732101	1.0
+0.8401305989477423	0.5469407766974457	1.0263438991413933	1.715603568924863	-0.9605024194893186	0.6478881660817789	-0.8467756621205764	0.1812248708384155	0.23083378179179245	-0.3195954736262775	-1.0
+-0.36622520944108705	-1.7322934991889325	-0.10983352066907687	0.8682489414366875	-0.2708073855551726	1.2804959408255503	0.34434856482531073	0.610275971990808	-0.43883400682281076	-0.10290457813006734	-1.0
+-0.15162394516087355	0.08556965981153539	-1.0401989878686857	0.8212667366552351	0.05686376685022412	1.2629566479348135	0.5398574445528856	0.2982713999191231	1.006518545836724	0.7184422852350681	-1.0
+-0.5338887250649933	1.0825071824161614	-2.212788342102181	-0.05705078534083213	0.457390833113439	0.5169550578981938	0.31582375749697444	-1.3950605689071869	-0.8740949934097919	0.6432385983110587	1.0
+0.6300134201615363	1.317906197692586	0.4226798502018705	0.22947735705149858	-1.423746904438031	-0.29496641914311317	1.0455628167321545	0.281402624016837	1.3638493868191721	-0.36737865130905634	-1.0
+-0.515844386180395	-0.5364118129973303	-0.027784983951119193	-0.6472069439552665	0.513092069602141	-0.1802942087798089	0.4389945242863542	-0.13760068751872676	0.0705648181512328	0.13150039586303316	-1.0
+-0.02015216264470634	-0.8285994352629827	-0.48044322255341004	-0.284699708128136	0.9961089116542513	-0.47015322100417234	0.3492929229394584	-0.9974786484975223	-0.6556795605372715	0.5244918017650954	-1.0
+0.15538222556681638	0.6060145173294424	0.275015371375862	-1.949169947538008	2.1615512833598953	0.15892284401728043	0.42161806347964775	0.34526073327210566	0.0553470867319684	0.9563241719821506	1.0
+0.18911314310958072	0.6538613747849279	-1.8218741881047422	1.5520578870956858	2.636419346647105	0.5527767754682709	0.8471757296462002	-0.9400333025740317	-1.6242442440522937	-1.5676552098892296	1.0
+-0.011865199462668336	1.0591264336136899	-0.502129960878585	-0.5692089563754809	0.21009123683658718	0.7564608039261036	1.2304576723881118	-0.6641183098195316	1.4313976863474354	-0.4170443776444159	-1.0
+-0.9306359021498576	0.6204381749934598	-0.16675731307953306	0.16309921015450857	0.04737997785399402	0.7214680028547515	-0.651745638708919	-1.6394110131779314	0.8212876137763089	-0.5514079410858411	-1.0
+-2.1503993611555425	0.06895659361416402	0.00945583339502008	-0.795215557644392	0.6715053855442408	-1.4830668140755154	-0.1610444817026834	-0.34789771373063666	-0.41404176748924165	0.33374859054090517	-1.0
+-0.43005210449501535	1.97031310327167	0.616061111837509	0.008550271882831188	-0.5763323906743444	1.362381647736486	0.48029513530512136	-0.6484338627961727	-2.064944509046849	0.5950334490750525	1.0
+-0.2173285056032597	1.7393745736132362	-2.0811370893570533	0.842378831760531	0.9365571236883692	-0.5882091473335016	-1.2825674368280096	0.8677101841087078	-0.4774379339366215	-0.1315060937520766	1.0
+0.4419295578281793	0.9351364499044429	-0.2922312937924706	0.004125144170757847	0.6315218027218709	-1.3163658685605468	-0.3237703408058791	0.31588166775504917	0.4570421414389706	0.2279427592114595	-1.0
+0.25454471691282393	0.7690753279644087	-0.015139848368182413	0.028485569250005345	0.638628508418497	0.7395286524851635	-0.19851695038155878	-0.8160456236768572	1.386297391012854	-0.6078727896530138	-1.0
+-0.08557406247183826	-0.5572952623443224	0.25779881222600043	0.34505513763730816	-0.18221012389787758	0.5045593500993454	0.6675869550912118	-0.09789701795265189	1.2654332789436438	-1.0121847307438963	-1.0
+0.16735642242489707	0.8766046772486373	0.7204240804363752	-1.6814514097084539	1.2174950156331983	1.063785175099297	2.6422777601136587	-1.5100095611705942	-0.4589446095179358	-0.197244271439586	1.0
+-0.3883362442188388	0.6872695998332545	1.7723736436741624	2.685140632815677	-1.543731668736461	0.07203754723270515	1.8531510681760586	-0.9500788389401273	-1.2566759336862652	-1.0876016391665595	1.0
+0.9760927818429996	-0.46956595378324306	0.3373439970344663	-2.267474245065989	-0.9391731188307523	-0.3081602102373912	-0.24936692838604257	-0.9847865568674865	0.12597472196037876	-0.1355470355319178	-1.0
+-0.813627596398329	-1.305957552170469	-0.28141426932430086	0.5461815512241335	0.9842448781567038	-0.8722449947246622	1.1725928573763513	-0.19407168088967788	1.2750782672055103	-0.3846997728895258	-1.0
+-0.45963658537180774	0.6490343319935246	1.0483560081985364	-2.003033490203794	1.4047731168255684	1.572480738078738	-0.9415918767466612	-1.3860028834332372	0.9058579492965245	0.6640283233778684	1.0
+-0.16261039078205347	-1.0619730492079746	-1.0893833522229708	0.040468211698730217	-2.3783881661016473	0.4230799287707293	-0.018561333872210383	-1.2032723623855783	0.9986900087512932	-0.012914993209844287	1.0
+-1.3444428759964582	1.3415537079417739	1.0399829710419244	1.0939342614618934	1.200838534976026	-0.5442477989850911	-0.08886352123366964	-0.011354564524391026	-0.648262386311338	-0.8484517414114848	-1.0
+0.09216821074289513	1.2928406361581433	1.6984320756725098	-0.37305400808559847	-0.5260096024734977	-0.2025720874548663	0.5910482636661853	-1.4620393948467685	1.3633590297200202	1.4754789335259328	1.0
+-2.1792730440855452	-0.6442706387736465	0.41698085655917455	0.6260434146280546	0.21761055987277847	0.0115466576749841	2.214918218835659	-2.0190135571046497	-0.7091652254084436	-0.24254685459539077	1.0
+-2.029811141803598	1.0998076216438781	-0.7669494639209056	-0.2195290354040861	-1.092339240919928	0.23101407526745374	-0.1750044772903922	-0.8126202560234086	0.6398189212498558	-0.5388176924221152	-1.0
+-0.5026282153949344	-2.7509475680776063	-1.1845675341186457	1.0392618085893095	-0.899456135417889	0.049394106064659174	0.38473171315983773	0.12856761629374386	-0.17015389843900264	-1.9924991599124573	1.0
+0.3916330035957717	0.7640358161215552	-0.5322393144700547	0.050523570992351795	-1.5116701658801868	-2.1619030215398896	0.25510979221366514	-1.275648318622586	-0.5540881490540414	-0.2856799141912912	1.0
+-1.7312212505422666	0.48772490986113437	-0.8254071813819717	1.0434970637677063	-1.0037008333460102	-0.17643807390988836	1.9627839973740406	0.6846972157403733	-1.8963730611878598	-0.6843240807169767	1.0
+-0.73674362327619	-1.0771518297707543	-1.568324903209688	-1.073912115285932	0.3747792419638682	0.6065207695732294	1.1855413480776409	1.5558443950153833	-0.245524860404041	0.20287471835666135	1.0
+-0.17207328001003966	-0.4862561337065265	-1.7285193667053556	-0.08813495961037084	-0.2087011140034678	0.6993079043762351	-0.4630508918949427	-0.6888689563042308	1.5532186550305673	0.654521688439763	-1.0
+0.8689901671267567	-1.0252645261497746	0.9865925140038365	0.5788650010124305	-0.9746369258878008	-1.2146061266504387	0.6004166629735128	0.6444028590617756	0.32492515934217214	0.6026797686870663	-1.0
+-1.0053392196050532	-0.9044928191187999	-1.5485624152287985	0.5721205251105556	-0.6063272577103049	0.2368924847820371	0.3733179933193012	1.9507875906224095	-0.29381629820325816	-0.6692857141688647	1.0
+0.11435788747562295	-0.5809785219668746	-0.7256344121623742	0.5455696653359755	-0.2366215873648881	0.5898299640362288	1.0711387980457527	-2.278118229542574	-2.065576306897599	0.5907781748965721	1.0
+-1.293945219134682	-0.5283624773677319	-0.02207883991009774	1.0995056201057236	0.8708651662794888	1.3745503934250651	-0.3174093448420408	0.1772301051012607	0.6874196754342979	2.194703313551835	1.0
+-0.19377850082585324	-0.623942351291848	-0.5455478506313619	-1.4117917282955772	0.11890542517229938	0.8772795705501982	0.3784733896771146	-0.15536389622095742	-0.24045858125573163	-0.4891966007189248	-1.0
+-2.0882460967680476	0.6323380667832835	0.7473382925217897	0.8333454861736953	-0.45316627827028777	0.23202688117380288	0.9515396115175951	-1.4454579611332434	0.33646947134663324	0.46004672263287977	1.0
+0.35082624167613113	-0.8074191304225435	-0.6606791990734883	0.7688975113633834	0.4213931688558088	-0.30778500965644906	0.03946279048167268	-0.3177130693192491	0.16947673903519914	-0.4023396212980003	-1.0
+-0.2735224637125338	-1.3963609156678072	-0.7617066373873341	0.33183378898654614	-0.8176670002970771	-0.044241663346109295	-0.5838075845218196	-1.6966703704006414	0.6463822095507153	0.34942988893539084	-1.0
+-1.354365213469762	-1.1115208599630906	0.7711635856406212	-0.7932352377480465	0.8154467560471256	1.735221340777855	-0.6429569717348637	0.9704319025071317	-0.2276106083225682	-2.5222339088333388	1.0
+-1.4489402983150457	-0.04130758586254658	-1.0424983927869926	0.44974755044690523	-0.9116929224589377	-0.07094159654536941	-2.5051786140226127	0.8013650578390469	-0.5920304235247963	0.7272985686898272	1.0
+0.2775084367267199	1.7193589899585644	-1.0744851296060567	0.799637193772772	0.19991711057482608	-0.7913141460439347	0.17239772600582345	-0.5503397276419505	-0.7596014536234962	-3.068659654824797	1.0
+2.4292769860115904	-0.1995728022892966	0.05569218919378835	1.158305503091577	-0.07187429024562479	1.15923252659992	-1.477175478900009	0.6231045419197534	0.02277106486052274	-0.21124065868172087	1.0
+1.234244958272104	1.3934706565695216	0.7253357189723534	-0.026291320454909683	0.33915816107424773	0.5633846215424619	1.0599217032107484	1.9015668624744213	1.2224536344122394	-0.7994337290928315	1.0
+-0.792339434276765	-0.18791009235703224	2.004848934038196	-0.8695505829691458	0.33500698491636677	0.5983003629163522	-0.930926865946603	0.7205171944324151	-0.28868103633213	-0.28450606115842936	-1.0
+-1.1714643194965078	-0.14725439039293362	0.4787937153788015	0.07153122744181217	0.12938721272814788	1.5375078356133993	-1.0144495934670166	-0.1082471409701019	-0.3936801912470466	-1.7035865853850598	-1.0
+0.230048660220679	0.9099039162929768	0.39914219408063745	-0.08499871799624514	0.8738512702150072	2.446635945581178	0.8795867355771284	0.1778162655881648	-1.3046063786435005	-0.013889940409365021	1.0
+0.0119853470727816	0.28464190094030795	0.9393027179369315	0.14529096572906133	-0.5626765403499734	0.2348658891690288	-0.5185543713890746	-0.7597400129360442	-0.295539952210488	-1.4838385074250564	-1.0
+-1.2669386913125347	-0.4355988662745873	-0.5928363446238742	-1.2144373065685181	0.6084069235155612	-0.2783346126983349	-0.2515861842648232	-0.9525531512776446	-0.20648164548847253	-0.9807229893756504	-1.0
+-1.292527728587233	0.7376494650753443	-1.4112948319571654	0.36999773251961726	0.4959740481314567	-0.6997585685717279	-2.6939739277188846	-0.1182610649305163	1.3913496376314851	0.973605410040088	1.0
+0.01607238501098876	-0.9213798087211472	-0.9148973206788631	-0.1855579414365509	1.0863329004667601	0.020014062490592847	-0.3616084388767292	1.4287649211257754	-1.3144334868031267	-0.7847709689467188	-1.0
+0.8150863654129971	-0.21910520449953724	0.5473809632533632	-1.8413264295602838	0.9092594297805295	-1.3431983125313176	0.3700066743746352	-0.7578201366095012	-1.0898635033313053	0.8494612091517397	1.0
+0.11616996929285851	0.5750302398284982	0.214722957979932	-0.29996616086755773	-1.5186983590180125	0.2286359948452643	-1.063350097426442	-0.11060042340561436	-0.12839314647428973	-1.683639629158327	-1.0
+-0.01523421626086608	-0.17456844029291188	0.0907058183799144	-0.06842148642047968	-0.4928966900640994	1.722196063704232	0.976464596024616	0.13704916600554085	-0.5545459386928737	0.8428990600156637	-1.0
+-0.6747643923095773	0.030968434406720712	-0.7656006677080414	-0.6387491463901703	1.1695530002724912	1.633275617664183	-0.7435426682048073	0.4367026499449014	0.9062252881753431	-1.2213248493462245	-1.0
+-0.6877051319729444	0.14613061725987778	-0.35366227552682095	0.8036226593591739	1.0422376091367305	-0.023203688289590876	1.4565476429908302	-0.7003515144273369	0.9418889279059758	-1.5039360037769396	-1.0
+-0.591991918247146	0.43706998235851363	-1.221633808976792	0.45926723447903217	-0.6640300542807765	-1.008467464838797	-1.7177348756150825	0.7538895335212024	2.2848903444460555	2.2502509276362734	1.0
+0.3140675748833244	-0.4388597280769225	0.44303140036437255	-0.3162956343409664	-0.2895246220550719	-0.005644637900944253	-1.0946980217906341	-1.2662731778200549	-0.4263136726073965	0.5186285787377752	-1.0
+-0.47311702441174835	0.7755272297057896	0.24621757457783372	0.5701021880202788	0.394107310940511	0.636323283998317	1.6663832527025801	1.6105027284060458	1.29522566609296	1.2087582168393727	1.0
+-1.3844444377738874	0.20216975907101176	-2.223479767231932	0.8984189384241212	0.8025660027971765	1.294294938723594	-0.1014285909693307	1.1896378021886913	-1.0215381022093553	-0.6385249904311725	1.0
+-0.32736159557559164	0.8426693214665916	0.8232300481964642	-0.4257158798774877	-0.10233911195944836	0.33009671359516674	0.5393129127166892	1.7192522683059028	-0.5572935996549745	-1.4612352503565493	-1.0
+-0.8141710426569331	-0.6686997083546674	0.569922047954969	0.06795536501263247	0.9154314770463009	-0.31473730920689047	0.4980535413787673	0.46315603854531284	0.9569641780425557	-0.5688023067035843	-1.0
+0.5584377441369529	-0.4043475137311927	0.2294703689279615	-0.4575158130228554	-0.09410393113389046	0.6858520998529656	0.5563000543883339	-0.34564752083913697	1.4524563546515028	-0.3224030721127107	-1.0
+1.2873044171502868	0.7833891410029102	0.1887986632099001	-1.8999145956106052	-0.9844606553326755	0.12413603818360215	-0.764739415497138	-0.6631730995692068	-0.7028579962485934	-1.536502458144873	1.0
+0.37024980783686146	-0.859359069787854	0.09727192171450111	0.5415431627664092	1.4402086977419033	2.0358706915295555	-1.7965856628183865	-0.5249287391273232	-0.9983782381519276	-0.32233980766498493	1.0
+-1.3146493618251887	0.5557482387844805	-0.8878257194025453	1.3172624673494537	-0.7150886325635345	0.8150590174309075	-1.2989780832954612	0.34985235737472054	0.12012710080301905	0.43712174673388354	-1.0
+0.11125773338330365	1.775330979196322	0.6482896622464782	0.6931376901735046	-0.11340015290772616	-0.4082453146514825	-1.1326151365704602	-0.05767876680783145	-1.0676473616965163	1.6023259986244682	-1.0
+-0.6705440360392076	-1.0580017309286143	1.570041916027879	-0.4234909169704541	2.5425816315767467	0.9198530073693121	0.27977942135967304	-1.0723078000211712	0.5324384386082986	0.1812976400985333	1.0
+2.149038848866098	-0.7695845069787547	0.8799617728649395	0.7681670032557727	-1.0699862361906598	-2.899215485187894	-0.8233420031174448	-0.21930307042150868	0.6332553601944795	-0.5946645647435304	1.0
+2.033181076415105	-2.57092069804582	-0.6454366176559292	-1.5862110917053625	-1.0825354994162457	-0.4750646968261305	0.8086573880481521	-0.9604807961305822	0.377898121052306	0.014992745260227437	1.0
+3.821688660563097e-05	0.8663686480749377	0.28175986241297163	-1.1369065636985114	1.4095637849341454	-0.5210848321261182	0.18979697580970392	0.8042639776910331	0.7326629051262685	-1.7334522801385388	-1.0
+-1.253188726938101	-1.1749850605197794	-0.8989274437480881	1.875429852674077	0.3190440976519093	1.7279150664371243	-0.7451130661343918	0.017046290986676118	0.21927974168966785	-0.3562656519065551	1.0
+-0.5802759055533917	0.19100846967687662	-1.4237624268470783	-1.4144792109757476	-0.31306670625260175	0.05620965608259249	0.3177386381077463	1.0803558538320612	-2.1226935791101758	0.9775716617902253	1.0
+-0.254125434545217	-0.5726567690316898	-0.8127479685547693	-0.39646871176150084	0.6713770449364342	-1.6478964516089472	-1.2054053480340503	0.3761238218003838	-0.35395058607791535	-0.7672151746984333	-1.0
+-0.27009563032083855	0.6396810471627973	-0.6384296064851014	1.0048676733594226	-0.42708309660137933	0.05793637913866141	1.4315300484729685	-0.6475779000423997	-0.6465294110172473	0.16367264651409272	-1.0
+0.7353709195957284	1.2780744410670275	-0.6001354271699101	-1.0764124137223001	-1.949961108553788	0.9547954804402544	-0.8250088308361263	0.8397177580964272	0.8216378259077614	-1.4817736540956798	1.0
+-1.075783773528473	1.4313943524632156	-1.1113450741458666	0.9022473025488862	-0.21681273301628534	0.9732413241937075	0.10062624722110004	-2.0612624557158252	-0.6861002515876168	-0.5859532263676643	1.0
+-0.1717059224133693	0.3360904513669875	1.5658925755731665	0.7302525842946842	-1.1328003529927284	1.2297187456322514	0.11442909702019288	1.0831527513802288	0.9811897253223483	0.5044067860931577	-1.0
+-1.1233933758108203	-0.5347192159032681	0.962257036743296	1.8023904254614564	-0.4794679378344072	0.20345737220567253	-0.8555403924827928	-0.1846259049531304	0.6614622257884801	-1.7333791969840164	1.0
+0.01163811707543188	-0.4616196805849563	0.797763143971631	0.46495779872658655	-1.0853426623736786	-0.8053344614259224	-0.5952031775449398	0.45026243300498064	-1.7483350102206692	0.8512879536949794	-1.0
+0.2812797172439337	1.6935524379562927	-1.120545925678785	0.37719073305719614	-1.4279009625147712	0.5145425064242856	0.6731387188703988	1.2379292318494672	0.3395117487785455	-0.40698488871523264	-1.0
+-0.843927798127465	-0.13771592943904873	0.45736099136853897	-0.936028466223993	-0.5980143648169955	-0.6348446957170873	1.6061601114853157	0.2649361661995482	0.8519720537891945	1.2113578128105587	-1.0
+-0.6556561988209172	1.1327562354285703	0.4905021206555854	-0.6892748999954668	1.4320378525476336	0.20379540998307208	0.04332675574656012	0.9491577059995954	0.5520813489083779	1.358597752545699	-1.0
+-0.4463663996804369	1.056633801095839	0.610172065670119	0.2543152174290867	-1.349548326978253	-0.596775827961849	0.3764861888566732	1.5069841391481726	0.11765017184278681	-0.40344421043446604	-1.0
+0.047345617907630845	1.4445135777402633	0.46215554330224906	0.5449011157413999	-0.1472998340205498	-0.15171459029357942	0.11666058942725042	1.293545854421689	2.1420520068615447	-1.6527912455534581	1.0
+-0.030533940298362296	0.9233991991879635	-0.12246297949795093	0.8541179237336668	0.6776668792362285	0.5485190063560196	0.40768874438722547	-0.7297724805483177	-1.120368806364028	1.6287905195526993	-1.0
+-2.0427365568856946	1.2904442185885279	-0.8376595902408928	0.1438341268653443	0.2716418465899371	-0.14759557276086396	-0.21462208438045224	0.5757188543500769	-1.1749041794913795	0.06681752838010814	-1.0
+0.5295605866964889	0.42681856360737486	1.2944191291870972	1.329775357999656	0.08548251430033502	-0.8882962824152068	1.9489353420511104	1.313314697345953	0.2425154370421525	0.7383637314570669	1.0
+-0.2533004438111441	0.11514620017242745	-1.6327859838942531	-0.9051864334514158	0.45722842581013035	1.1946701445782668	-1.9122635786781303	0.10520234705296228	-0.4639694424990582	-0.18169911229326716	-1.0
+-0.056144343056273284	1.1027864128705176	1.6238961842579007	1.5007276476905744	0.4834030895212095	0.40096455898844585	0.17907827840847754	0.8856838994614534	-0.6417519763794223	0.3230658808773594	-1.0
+-0.7298526190058333	-0.53942533630721	-0.08126361905261895	-0.9147307358752764	1.506111056898553	0.430402226026727	0.5907190614572138	0.5372413523366444	-0.24598151665305493	0.07587346095916021	-1.0
+0.26398123829502473	-0.5197107660650463	-1.1448937497074319	0.126764621889988	0.5869118609335081	-0.04948168266258349	-0.3144795928288083	0.23062779263181118	-0.8580571709185673	0.7996895796564567	-1.0
+-0.16975170497892975	1.3743814766642317	0.9836356187944262	-0.22001698492488517	1.2159234792093065	0.2828984994479096	0.0484650386913872	-0.05562014146540174	-0.7546117507896335	1.7365496986671922	-1.0
+0.5070705692234674	0.4313827845069116	-0.6899149380208699	-0.9184260740300905	-0.7677744651303221	0.2951544843141289	-1.9299518841819898	-0.08973727210301083	-0.7426058309975129	-0.3618293865914214	-1.0
+0.12013451362438661	-1.7935064934012361	0.11983894124354368	-0.0725889201113567	1.7093833638922722	0.5380230552346682	-0.6103805298783314	-0.10035809078078846	-1.1263184979843532	1.500886748926178	1.0
+0.8332689851246153	-0.5955663914385596	-0.20045551445663182	-0.44597536219562806	-1.102605992489293	0.8977076599991594	-0.8258797757212389	-0.9290546322413458	1.74804177579487	-0.4898155645395334	-1.0
+-0.8880540962170259	-0.692530537554246	0.7483510289274119	0.5616802014306852	0.11779811580119441	-0.3842126655868925	0.5405653059447068	0.6790237457144858	1.1006350702312977	-0.9865289934161561	-1.0
+-1.391686587007843	-0.3077629168466729	-0.1850699919161833	-0.787665859554054	1.3284164214511072	-0.3279770477674362	0.4817186813901732	0.304065612048452	0.19506017014262578	-1.926057555640528	-1.0
+-0.5235183763865244	-0.44283058848624496	2.1935873310502862	-1.622302683606322	-0.4033477045646312	1.5817619633560467	0.5276460494896736	-1.0221697177322757	1.2415881344210602	-0.7985571588384283	1.0
+2.1564860542508852	0.10507521383048164	-0.9805576652808017	-0.049396920050884925	-0.7524218374153625	2.6476411966745768	-1.3795883409555718	0.2690837295860828	0.31266769812927653	0.7065242510745999	1.0
+0.21295656721036293	0.80484095522081	0.23344148850685795	-1.146634233338214	0.6499600916997692	-2.605700861585102	1.4937649093966339	-0.46423324324248544	1.1318893930082357	0.5271894154308724	1.0
+0.7172710627951299	0.47189185278225015	0.28451630335357847	-0.04147364381361187	0.18996192530594477	-1.2800052597404725	0.3564615639874549	-1.4403255451221246	-0.8306726254819148	-2.753994396238093	1.0
+-1.9474285710715904	-1.074737006265755	2.589877868548123	0.6996624281545346	1.3798450728483582	0.35862698661410064	1.460808296875069	1.2975252145624443	-0.08320813580903193	0.8551818807626304	1.0
+0.9301204187114896	-0.6155438260540863	-0.9860168730861323	-0.8007620138292311	-1.1539059461634655	0.8927940987322213	0.44264517581567886	-1.3428495666797662	0.12034531941478628	-1.1560563106474135	-1.0
+0.692459050173372	0.48868156524267714	0.6671553490177339	-2.2155766975167315	0.6459636436788324	-0.07121407145719208	1.1255654023966972	-1.4326649934111122	-0.6526325741076384	0.488429267681205	1.0
+-0.20045977763241055	-0.13256540194324457	0.5178001413289276	2.503713546833672	-0.30176617166128705	0.06743204078346297	2.0526147582424676	-0.5897792005238489	0.02042685045410772	1.0606505933391788	1.0
+-0.3901664672524391	0.5756011715923564	-2.069792823854307	0.10076725420128058	-0.6506786565039372	1.372925522982589	0.8745343008141894	0.4782381237730521	0.30282453869857023	-1.1850105966958722	1.0
+0.31246335836549793	-0.3525779397592731	-1.439513357726672	-0.17050972869915137	1.0504719841187666	-0.5075641628484874	-0.23360351594124779	1.6382042067578486	-1.4702319077442678	-0.2714015855249297	-1.0
+-1.3379612101997758	-1.2057607663606256	0.6473492400839371	-0.4280297864715956	-0.5634832693477506	-0.05350399155936366	0.8624058145847778	-0.9501604093942799	-1.5106058879333195	-2.18399184239918	1.0
+0.17936204011130033	-1.2998350276710988	-2.038694707932714	-1.0479715504602383	-0.10029381079401457	-0.42577371407978476	-0.48709448069526046	1.6198963494595437	0.3189244212705012	2.470511401629137	1.0
+-1.1370972957407584	-0.5271279798347696	1.0533437204229221	0.9484743697402706	1.7891834702245595	-0.9676922532899956	1.0676735669727062	-0.532244326262086	1.9989106811487594	-1.7191863601105428	1.0
+2.378769763017889	-0.7362099022873222	-0.17144516781100716	1.9019272400089542	0.3875667625458926	-0.8313196349927529	0.8743761951458813	0.22343101005545446	-0.8274289166893659	-1.0727978480946507	1.0
+0.7036806930550376	-0.3413695656005904	1.8197151790359816	-1.9045802635535634	-0.9828131651401433	-1.6409021775095132	1.5837432468618453	0.07284021251237921	-0.5816664608121738	0.7480059521509215	1.0
+0.17633003566404848	1.7649775857856256	0.11566538410186453	0.49473279104055706	1.1566884050179798	-1.0752295416730866	-0.5279210247852492	0.005123131421545655	-0.25817599341172814	0.17602871851570112	-1.0
+-0.32895483981010215	1.2339188513065202	0.39171749835738245	-1.1176152662525725	-0.22723305643787453	1.7112023064348805	-0.8564867541445508	0.9515378629816534	-1.3700175254082163	0.6077233198545922	1.0
+0.24399211847151137	0.5805792939489636	-0.17567464975869782	1.235751613598738	1.5255943408340638	-0.1304548476848545	0.6426995894409823	-1.6911207690090926	0.41180989594059364	0.01056344343516304	-1.0
+0.14981245977246477	1.8018879218278974	-0.6558657470753952	-0.8615854718369378	0.7428254854554942	0.36674573322669773	0.9937448942550707	-0.8162585565710976	-0.4139333574351458	1.392037061218852	-1.0
+0.2881421983633526	0.41236284827211656	0.45048101717301037	0.13377317887603202	-0.9012884194958318	-1.2801482190902134	0.20575579361255394	-1.5022403805191857	0.2864936460253651	0.8796928635624838	-1.0
+-0.5503252281564642	-0.47723940826954536	1.5311682523220083	0.01365192467740471	1.709242296658978	-0.7713580225221913	1.5801420664939267	0.6120716439051349	-0.9708433202037383	-0.5133377582280326	1.0
+-0.330942248206176	-0.5344079805258223	-1.1647062088293505	0.09306169665651516	1.2994089487399882	1.5515080828914023	-0.6079689399883004	-0.09603567665492291	0.03042237324388252	0.8485612104276702	-1.0
+0.345779591509554	-0.9492042296309671	0.5198990450160162	1.3842374385595355	-0.1813969912444183	-0.8907095424692049	0.34864898969586705	1.4168179024020995	1.1391210594469665	-0.23632356588944545	-1.0
+-1.0659213786835415	0.051342513247898784	-0.24609786652790788	-1.2767118358695502	0.28184854623567684	-0.7812535033757978	0.07852207793979853	-0.744649812431002	-1.2278374661540508	-0.4013197679180707	-1.0
+2.3177222310290704	0.19565831211525025	-0.1341922510449394	0.21355749405601418	-0.009700574068451566	-0.43091521353741463	-0.6399881026613522	-0.44057264446433136	0.9022264070129531	0.18245687919811493	-1.0
+1.0087881658790268	1.809702357716273	0.6313224076408716	0.23936481131278717	-1.2007638077229992	-1.2956295807891836	-0.5898905187406213	-0.04629362206318045	0.33623418096932933	-1.1606279456640312	1.0
+0.36768055467094046	0.35479677330268566	-0.489120952769879	-0.5350592154263266	-0.417012123464392	0.6023449102063808	0.1963908663421254	-0.49819766059379633	0.8829385173456908	1.1358542293335703	-1.0
+-0.07512534977355068	0.8944714688144528	0.106968373965012	0.053310829157568365	0.14209133788435047	-0.5059552368992225	1.1933324794598148	3.453524314401254	-0.2798628002662625	-0.9998643525261229	1.0
+0.10309579651179523	-0.7688044560823287	-1.338667129662233	1.1788474039574401	-0.6995270156111411	1.564879538762938	-0.6812017000547843	-0.627210424660235	1.3932714272556432	1.7792380521971494	1.0
+-0.7778611228734503	-0.8615176317748384	-0.6942545494589779	0.2623054144947722	1.3356423913172828	0.09958308931347665	0.2622062233457194	-1.7811730924498796	0.36215558198826775	1.0677961559821125	-1.0
+-0.46919444871189425	1.4303692003116184	-1.4773807428821402	0.6476951797552701	1.8538518716216243	-1.1156574730094724	0.8172734547761792	-1.3771492158574932	-0.3180510664048204	-0.4655565377344759	1.0
+-0.03162858763127815	-0.6184583810956705	0.6949829710221622	1.0693296730724682	0.6497211904036004	1.380689636886559	0.3061868831739983	1.2814914890396107	-1.5798295641564963	0.413406503512303	-1.0
+0.7728969850842533	0.3886380922897798	1.159503941432795	0.1666704550186469	-0.6684638374063099	-0.8951789667964966	0.16572962012861112	-0.8035384648151589	0.02691745554003825	0.41094723742180744	-1.0
+-0.16547206242113174	0.20120545881285173	0.2811453594691109	0.39240169308852674	-0.6792415991624081	0.17999789020040707	0.8855816495699065	-0.33215654994872906	-1.9295034254105479	0.5950764553059649	-1.0
+0.8376333039156632	-1.1839300614931059	0.47019929619209366	2.6279589153531364	-0.17481213164627454	-1.8367754948378592	-0.16960389701774736	-2.0711871628812397	1.9897631513813863	-0.5303828950041909	1.0
+-0.011858100108703529	-1.240871582675427	-0.2601416401687911	-1.6422032964380104	-0.3505743824172765	-2.237451754058863	0.7347133310448914	-0.7852565146867478	-0.4847653705829971	0.6674703963926928	1.0
+0.3685233114111773	-0.6548103148823281	-1.2725225374605178	-1.6972330869558037	0.9892579092971484	1.090622747126326	-1.1425641935255577	0.9781710346328316	-1.4211881767584336	0.23699235966438792	1.0
+-0.34619658560471955	-0.33078878726875643	-0.5519431090639315	-1.2175891280852678	0.6594904940704593	2.2212710261470625	-0.4380645465510402	-0.14423950421968876	1.040883939338803	-0.07956159245813942	-1.0
+-1.7420131119651325	-1.002451433029201	-1.7415268889798203	1.7822132576402199	-0.9904711343329962	-0.10908591451768135	1.3060240939669268	-0.2110933736364886	-0.45708753515689166	-1.301451370703162	1.0
+-0.30327060515073173	0.406124222286605	-1.6268015912873093	0.27158504715500054	-0.27209262493018577	-1.7299613315353013	0.7657902614929223	-0.3942441038284118	-0.2264091389058318	0.022859639259813533	-1.0
+0.5017929422482121	1.8700971428312274	0.6821258173244856	0.16750088240986186	1.0893197882319086	0.9920000155204031	1.0262646110594908	0.6126601380737181	0.9140267375361382	0.4376259375378635	-1.0
+0.12207306986972125	-0.31628495384432037	-1.302327888537662	0.2418478440802933	0.12365707251804829	0.014682473135692015	-2.124533789493936	0.8485152428055726	-0.8866957885331845	0.26631313525128736	-1.0
+0.6512999299291404	0.013124550116005091	2.015857419172973	0.3562465177027987	-0.8226609931729122	1.2920362265163687	-0.03573415359095957	-0.1411073160914383	0.5200258462506334	-1.4714972265540462	1.0
+1.4193683548655733	-1.3420098615261835	0.43998672043956727	0.640453658995647	-0.8815841950767983	0.3023845682334613	-2.177677464271924	0.4640528954739388	0.2952204288389036	1.350156802959085	1.0
+0.8985004597400191	0.48752899347214373	0.11946347911826125	0.6441508581759232	-1.968387659493763	0.5247070781616328	1.690664268920968	2.1709654613230214	-1.0136706919309186	0.6000468780314554	1.0
+0.375179674468392	1.9328307736289065	0.4387293977766493	-0.8574749544508523	1.4978697993519374	-0.003860054042357225	-0.9183389424851244	0.6708870870372063	-0.2870791935038229	-1.9333866169807823	1.0
+-1.1227397016148466	-0.3985146640495023	0.03148748801069257	1.5457917312226372	2.9424143014213713	-2.5336590731240025	1.1234469710504094	-0.5773875130644036	-0.7646477280245032	0.404578799206909	1.0
+-0.533225584780326	-0.012471050483270565	1.2587677724980035	0.24730211968121227	-0.6332233371715508	-0.3315962572331058	0.7019863891662613	1.4191198637260645	-0.35301065614124605	0.8853777404194053	-1.0
+-0.9643176933899287	0.347955545093867	1.4735983705778015	-0.8359863205473368	-0.5773502295426414	0.7187160398235004	0.539673037289212	-0.14018824801579935	0.9109874760500989	-0.7949707599812128	-1.0
+0.8817013979829448	-0.9720121748582311	0.5254421983522573	-0.34564002227471075	-0.3079391242616804	0.18917215898206755	-2.7763756673441695	-2.478286376653287	0.6662957375534807	1.6683408005200695	1.0
+-0.7819311429100614	0.7283193204481766	-0.4307764837654095	0.0947261791710886	-0.43538661170923343	-1.0455016527206786	1.5147825750211064	0.6799194027055647	0.1492782673373222	-1.6616850237477663	-1.0
+-1.33259714975685	0.5617738337360253	-1.0866653102716322	0.4088855280646666	0.05121908104306714	-0.16673637708091021	1.149868596798354	-0.7862125354125198	-0.3801560891961415	-2.6905267732062215	1.0
+0.8054823340229464	-0.6779660056580246	-0.05494179267373339	-0.6802472143622343	1.4814464379270926	0.13371545432456797	-0.38286207619564067	-0.020614596950414777	0.7233924574243712	-2.065829906511696	-1.0
+0.410244576062888	0.04419924239694415	0.16167364778029567	-0.14356696550522782	1.692054151999198	2.1355640188173868	0.5626403510541815	1.4259140976836728	0.8588103068988386	-0.09780720162058408	1.0
+-0.5206889795994738	1.751652835148067	-0.3127171496608268	-2.019935071090866	0.054388363671525324	0.341201513768361	-0.25116023785999153	-0.8928544867005862	-0.0012509486183098085	1.6916191812369563	1.0
+0.12493520503791108	0.8967106464809802	0.784315018123844	-0.36123763488767463	-0.2217896301773749	1.0588769081857716	-0.7473575623100633	-0.7347089197140942	-1.3576071544097421	1.2720943643197722	-1.0
+-0.940052276815269	-1.0920832682312824	-0.21024913193892864	0.4408538910914544	-0.7757139121350228	-0.6443026081731137	0.05619764847596069	1.4105497970231093	0.5331604300027064	-0.567351002162035	-1.0
+0.16894697547463874	1.3521161833313182	-0.42095692730695417	-0.40986067108185353	-1.368548419483016	-0.3202039435812321	-1.5066999564793035	0.4642317258002321	-0.0570462822413695	1.1885899804646345	-1.0
+-0.1001420595086777	0.8914441973417631	0.5434328465939561	-0.012817265293427242	-0.13303103961508664	-0.6209824912190365	1.2434444929403388	0.3747148422313098	1.1602072604866744	0.6836147870949778	-1.0
+-1.1204244411983264	-0.376630504778423	-0.018131629481926505	-0.260693147031354	-0.3767203596734453	1.1371310452150731	-0.720706627843464	-0.6924447678799871	0.779687111190004	-0.5168564798729451	-1.0
+0.1541157002176537	1.0956221987916932	-0.7092909378098062	-0.7061498859949643	1.396166580371436	1.519014004390277	-2.2258571370737137	-0.8128351413961515	0.6320027325598586	0.33889602906515665	1.0
+-0.6784898290568849	-0.2801673000047921	-2.187273592189684	0.917979384878909	1.516469897519029	-0.322179106625589	-2.0317106418527504	1.2352628133814911	-0.1345356502360248	-0.8019532397709312	1.0
+-0.9410303720301805	0.4748376009754389	-0.46700181365169674	1.761472187473282	-1.1592044495471274	-0.881143096433573	0.00879925977189256	-0.4376185353758294	0.6326497625849407	-1.4695042986883764	-1.0
+0.0022972569729656058	0.24665462553992665	1.3916121569677722	0.3973810238724913	-0.40404535771284217	-0.4661055705453633	-1.1720436179512435	0.7595965037041527	-0.8945861692698862	1.1554287833102477	-1.0
+-0.7099463554015418	0.9071340170807703	-0.32330964199464995	1.0811543121638694	1.6882295263029605	0.254459742129625	0.1847363824337479	-0.17391552264915155	-0.7415818620624056	0.6741661609129207	-1.0
+0.6048849026509978	-0.3008906478477046	-1.2313318314845005	1.264153265102959	2.5033958646519183	0.010992423784485846	1.177082386564076	0.5285916154412339	0.4547429452692914	0.5580037122887553	1.0
+0.1918193935755757	2.475180423652243	1.0236335762968771	-1.15854382817661	-2.0303765904541553	0.8815693570079178	-1.3130497156302385	-0.054236357238789785	0.19527128346778425	0.9441339255313742	1.0
+-0.09244045209207905	-0.06552827105219217	-1.0100869454852848	0.607509156352355	-0.8388868710236042	-0.05923912787861739	0.6028140820889752	1.2152177337713563	-0.96462867485975	-0.3146384344471143	-1.0
+0.39220770165005825	-0.305149440583084	-0.7144552557652005	0.02109134639943683	0.008674815359616077	-0.22908085663463973	1.019848347155118	-0.447440504912959	-2.272546165552454	-0.3393723167898309	-1.0
+0.7726405527046264	0.16496222937818616	1.4378206792349248	0.7835193978460679	-0.8192378623344962	-1.030761944144212	0.021035059623601308	-0.4790987968667514	-0.4115803190602502	-0.8127606544239322	-1.0
+0.08866180909892728	-1.5821416138326991	-0.5709662442878659	-2.694436425421303	0.052526837781072915	0.7594804897706907	-0.16509680609535254	-0.7230063027801327	0.08723507627935545	1.8295774066917612	1.0
+-0.011579465480793113	-0.04897766962718938	-0.3998524686787014	-2.22417843506695	0.39881132657238244	0.6496983285383273	0.7650988525274028	0.028059981126228217	1.80241704391918	-0.6381786880449584	1.0
+-1.1918315447291066	-0.6092394325490298	1.4458175657158827	-0.6055587390680846	-0.26645352563396674	-2.8784267689241836	1.1773061233564652	0.7795923914465398	-1.0444874721181916	-0.7460022009442238	1.0
+-0.8588749459851055	-0.34639849070591255	-0.8214498504599109	-0.44719966255470445	-0.2079123129196103	-0.8170059694342733	-0.48711735591105787	-1.067293741390219	-0.555455667235428	2.551148655934658	1.0
+1.0174041191809822	-0.5667300552958596	-1.4221812560138323	1.5009966877245535	0.0978422915252854	-0.5862928862857449	2.5163900748109724	-0.12217845255771219	1.1503576150924737	-0.4860527435647929	1.0
+-0.3606480890510257	1.6858184306485506	1.093487245295316	1.2027798074235647	0.9957228558241682	-0.799862231420234	-1.2995024562611666	-2.9387002059763834	-0.9159613682267038	-0.686596406267761	1.0
+0.648762314938272	0.6093119214816022	-1.5566002243327224	-0.7786721659189303	0.6005756585582821	-1.2173676877801605	0.7384151452362226	0.02299070536745319	-0.6822685758169282	0.8191313300288188	-1.0
+-1.3516026161944559	-0.9944655765795901	0.9372171377752277	1.5717135634151087	-1.258234231858036	-1.1893886159654923	-0.15091759009842828	-0.1235077757366816	-0.38095881653905517	0.030913086241331395	1.0
+-0.05602552122568877	-0.22908559155564287	1.6489152250173131	-1.1188935499947037	1.0187142044310917	-0.26300212959216357	1.546113105431203	2.009686564224837	-1.7308248186342736	0.0129472531501786	1.0
+0.24891428372094784	-0.17703607150198658	2.701812336551822	-0.6561094953951816	0.9840445468139266	-0.7389321346087213	0.8736165028807382	0.0029531727117963684	-1.0665389490764121	-0.31931166630158947	1.0
+-0.022744227979826292	0.5152584140734918	0.25603199384191566	-0.1118598022443904	-0.12449472384192138	-0.5455311250261362	0.26924733790416905	1.0029767834933667	0.16207358446253395	0.810035192530098	-1.0
+-0.2313138218435047	-0.5869213861763821	0.19320748001439358	-0.9410464625712364	0.5157840540147866	-0.001023114593134598	1.1587904537444813	-0.3310640450009098	-0.45928277313274135	-0.9264163189357267	-1.0
+1.4412004960173332	-0.5751169926385871	-0.43148096202262953	-1.06513058622443	0.7849989342738042	0.9845951580406325	2.1793788399495115	-0.5405631845401676	0.5940664002897879	-1.0318838293851746	1.0
+0.7911127681584514	-0.10791579130590527	1.3498398504205495	1.1688179254227642	-0.16191922477841195	0.1830882024610213	-0.057932990525085	0.4170296157684265	0.7433856113975842	-0.026939834963348213	-1.0
+-0.9358065642290458	1.2871312790040252	0.9303409369900507	-1.7557783042896073	0.23534057963782865	-0.16855729723630106	0.295751160157231	-1.1577472334870067	0.6689600452487803	0.0673722164972747	-1.0
+-0.5048968657263727	-0.5741063142205302	2.4562806547826597	-1.1358355605605877	1.5098834541384574	-1.0281415907846758	0.09602740416267615	-0.5997750592199222	1.1586515388555279	-1.6730006973822096	1.0
+2.4744309546591454	-0.30399001086332034	-0.1987553130017557	0.18369621879632417	1.9831059949676175	1.3395367393210922	-2.0547931826501613	1.2600635406462881	0.29906146501252934	-0.21074865597329892	1.0
+-0.3000737314814555	0.8146430888605973	1.7695081288305337	0.8638324227547315	-0.8122654934611931	-0.4932797606132395	1.203169149193234	-0.4630974173324519	0.03713264534340652	0.8866862640885939	-1.0
+1.869834616076998	-0.014137949219932036	1.1602355045494899	-0.24706455365312216	0.12294783824806389	-0.3848372918602972	-0.30336060650548863	0.009562582978820814	0.3563334535245071	0.11508933008731198	-1.0
+1.4615204935611668	-0.1153949084782389	-0.5695798703804731	1.2530915575604789	0.6802627426004973	-1.5166946189852095	-0.2337037289283084	-0.31865249344574265	0.9391096222694991	-2.6669162211499486	1.0
+2.118797867010844	0.31783329156664414	-0.05685767909322585	0.49336797667625715	0.12471789843269093	1.2373952589989932	0.25638795488249755	1.012144486447094	1.2547790185240788	0.44410009739368	-1.0
+1.9044567667082357	-1.690183693654008	-0.8207162936323243	-0.19034785706266705	-0.3465955310176723	-0.20132502772710895	-0.6978533228188875	-1.38454211237675	-0.849591917908868	-0.5881463095931106	1.0
+1.2956287647253946	0.5872607882420522	0.6214563569449616	-0.7618636269187073	1.5802607793269479	-0.46107039407025024	1.2674850226976473	0.9918757608541503	0.213208158745775	-0.42539393261142455	-1.0
+1.480376154374354	1.254864813861003	2.183707174278031	-0.47263253661850685	-0.970024335660911	0.9694637257559384	-1.0331962266773704	-1.8459326473118394	0.7793628164145403	-0.39467675892004295	1.0
+-0.6113301826810987	1.5101988038104093	0.2112569253899631	-0.22977365259891894	1.4200312740149819	-0.36119467511111425	1.9175739224803707	-2.0326340530492066	-0.6250592090237954	1.2395980541684481	1.0
+-1.2177516237871895	1.8870487752598704	-0.07542311139203546	0.06517237355439204	-1.9062464743660703	1.2815798098708513	-1.979542057417369	1.5123326979597742	0.96649543616414	-0.5523990931199767	1.0
+-0.3075880047618622	1.2263811337443575	-0.15553540707587532	0.8620873242502685	0.8507747430608485	-0.7666236339521493	0.41424975264252123	-0.3756562553951425	-0.9288736426372137	-0.7787769782942964	-1.0
+-0.654118332103225	-0.7686626582335528	-0.9701508358758765	0.31434860887191146	-0.7253403837498188	-1.1871155943889546	-1.6281457280931149	0.8211403459318223	-0.2884556158799418	-0.1107662122164189	-1.0
+0.329951445896007	-1.6454296255610945	-1.7251177335021226	0.22200564191644662	1.0253653932332771	-0.1485613376561709	-0.4426449695589904	-0.4827920187557486	0.6771225943038504	1.45105027532467	1.0
+-1.1152048889292996	1.5049471902417935	0.2557688596625924	0.12213993725439688	-0.3711355944517165	0.6294727120945202	-1.0695724110432596	-0.3780300644396052	-0.5235561782531916	-2.937212794084849	1.0
+2.029589519216152	-0.38180161144719205	-0.032145750992225545	0.3423442358778773	-0.5932016268005494	-1.0969513938983004	-0.778744209001751	-0.39480747725036996	0.9565084295901273	-0.6240741562699607	-1.0
+1.0956852648368087	1.8683114749657286	-2.146797611047869	0.2681053968325592	-0.2455328755227382	0.34195859832714304	0.7373175598586964	1.4192882006301442	-1.3777255143970573	0.35013914822537684	1.0
+-0.13612424676207266	0.708612443120185	-1.1961669079806165	-0.01893199830376808	0.7374260649332379	-1.285590941664141	-0.28451206526997014	-1.5660420605699477	1.587695586228187	-1.653947875664638	1.0
+1.0371826748437267	-0.06294586010399364	-0.6694098252907617	-0.7453246462400812	0.1529545545486844	1.9902558794028924	1.3065441514813447	1.0119055124981942	-0.5609560232001597	-0.48261053662651987	1.0
+-0.20853374850379316	-0.13098928899192694	0.6563613048017292	0.05467451421144875	0.7259143432754593	0.9242216571536879	-0.6042623503305863	-2.5219592803910875	-0.13257632036996037	-0.24188888726089455	-1.0
+0.7303957447148828	-0.7456112267115789	-1.1297027335906586	1.2542850633430254	0.5649159030955928	0.1459293295046159	0.4675903940280982	0.7610086341183061	0.1669614882121496	-1.3482581118079073	-1.0
+0.6758143698616809	-1.5897848995882065	1.251415219915554	-0.980285723801681	0.695675626324597	0.1478841631862092	0.13493974556283178	1.5103679034377353	0.2861450697374502	0.6434954277179554	-1.0
+-0.03772553245359229	1.2098907593803372	0.21666429568091386	-0.3059413766380236	-0.7612972174738938	-0.3293718448641067	0.14522393930551428	-1.0461948648683377	0.12369830040614258	0.2703912487783965	-1.0
+-0.5100956505822759	-0.1201307436771469	-1.5261717696891486	0.4381230154358529	-0.40220065523742504	0.2109615376768315	-0.18340097086397333	-1.0715082759430754	0.3194233395394389	0.8764163583181025	-1.0
+0.4025435307908659	-0.42977393550483056	0.8844543610737101	0.530772934409461	0.24693551449209872	0.26670591981881653	-0.9472940926296224	-0.710765645585421	-0.2505028006779496	-0.7279606711395501	-1.0
+-0.28973021175149805	0.6885024658971624	0.18432173306856606	0.1501349061917658	-0.2957640386241238	-0.5063378304522012	-0.9161079663464491	0.35744219788802095	1.0293973002571224	3.2437067347107544	1.0
+0.4581331221372724	0.19068598014523278	0.13534081741856704	0.46066251017031495	0.7092653876355849	-1.648958684229827	1.2467172718516935	-0.8935284465101277	-0.2927627665905506	-0.0017918473130267474	-1.0
+-0.6585689700909167	-0.6745474379952886	-0.7178789244927405	-0.22008582993340925	1.2276575979644475	-1.1397098099706968	1.9160928812472533	-1.2948639641041049	-0.3478505766267469	-2.0410424157800118	1.0
+0.284428173888727	1.088031769220706	-2.117933850827455	-2.1077800044616746	0.4603693020294731	-0.2725045641544041	-0.19409476681267507	1.1291835860707187	-0.7473212426980727	0.06232283297483519	1.0
+-0.3941323739499584	-0.7841120601887923	0.16492772415374496	-0.058807743953678396	0.8636355237655334	1.2436105245059899	-0.3897142475655351	-0.17030126829075518	0.8368355371853556	-0.06875758750577468	-1.0
+-0.600509897431958	0.845548989081431	1.663307110555293	-0.3844843174171136	0.7376768174229673	-0.7609995782297004	-0.03933919024408324	-1.0610845916386569	-1.727729270253125	0.5661384200572952	1.0
+-0.1805991612434466	0.4144282413504022	-1.4371461719929517	1.7975901596390442	1.1711732053465735	1.8841307846077195	0.7560525911100106	-1.57989972003189	0.731205059239998	1.9168370998292734	1.0
+1.3474240395760537	-0.6239501302749968	0.23993365517939508	-0.8429469037885119	1.2918359746217312	0.31480420326240705	0.7624960544534188	1.3673707177683387	0.7496506531319685	1.5569318237334693	1.0
+0.35987239412099614	-0.6698844716608744	0.6590338613731426	-0.1968390705249163	-1.3388149431376248	1.5300050466106823	-3.3000803757921378	0.5135880816649332	-0.26715327585054766	-2.27776608595968	1.0
+-0.6902878167767326	0.4638373169664057	0.8254137804647046	-0.22355276487659054	-0.7856911866391524	-0.6055663788377529	-0.02314428722743316	1.7043677989853083	-0.49198558693115346	-0.047836131553713204	-1.0
+-0.2760694292216489	0.7740747610849675	0.7900320921972556	1.0593523283492632	-0.006763353054509887	-0.1280974889921006	0.12359266139179372	-1.2771212587827323	-1.6689505533183602	1.0171570328165227	-1.0
+-0.0539723993179173	-0.448133768679389	1.0293742728295219	1.069425676902889	-2.2170464995898196	0.3468839508168896	-1.3818394133932173	0.33640524528082993	1.8607955699188887	-0.5150967702211288	1.0
+1.4817424957390433	-0.5617427322898401	-0.25889326060596596	0.8407290046028003	0.7361110332320143	1.0690474556400018	-0.6736041740647852	-1.2723328698046543	0.9020555771117696	-2.524838325361492	1.0
+-0.22259580457393835	-0.1760555922366837	-0.7969846367132389	1.5421441861453173	0.8810225835995372	1.7937904899382684	-0.41282905613501164	-1.1148407609932915	-1.096281553132742	-0.09476271985340069	1.0
+-0.22440219048789134	0.1063568758736295	-1.4538420339843297	-1.039417184529742	0.7746065524528247	0.685771210597845	0.1385858918287443	0.16417696078346972	1.6879325006340358	-1.1310281701213016	-1.0
+0.8295332916510221	-0.06055097232820682	-0.3002111965080175	0.6702256319525404	1.9272745871783565	1.2119578185731572	-1.3186333063307527	-0.5454985632934162	1.2257950961785846	0.8152770176021618	1.0
+1.1402718102511018	0.4115278075079532	0.9235064511766895	0.4021252432462402	0.8042557301929146	1.834618315741762	-0.08987154290979117	-0.06955587751987906	1.4610308883140193	0.43743914656768335	-1.0
+0.4648610136458135	0.2812340164992506	0.5967094745756005	0.4783672849815973	0.6263551184437018	-1.1332980152751044	1.1105481320471566	0.668949479025296	0.9125826280563615	-0.3805198654675371	-1.0
+-1.167556195829698	-0.6738105247345956	0.004756229885349788	0.7626357442152847	0.28983068920041133	0.1967354694267346	0.3565837285712942	-0.6061307634820841	-0.3696627070791759	0.6059321577503102	-1.0
+-0.20620865774219288	-0.7141422968437623	0.6805490424988868	0.5611295123531476	-0.702886015094273	2.303227109888897	-0.7938350941150584	-0.003668261661087651	-1.7196112563937436	-1.6131025460098376	1.0
+-0.6440751712174148	0.6610916089403146	0.8660203683437092	0.08198112419904911	-0.15744977050164036	-1.3473965653800641	-0.8022099839056118	-0.2793471761989323	0.9568563297057003	-1.49680731108092	-1.0
+-0.8895878021839609	-9.313425995401874e-05	0.11536367037547492	2.715905661175428	0.06253225964952577	-0.387061571599947	-0.40064406812252806	1.8129164839023801	0.14089076168330988	-0.34427022696107923	1.0
+-0.2688128201531403	-0.794536549893067	0.5096561871734692	0.1097126825912871	0.5929466112193225	-1.5651521450771562	2.9675579781460506	0.5079729819698269	1.629934925613996	0.2840068142931275	1.0
+0.33128542535217953	-1.9432702884775699	0.11871279626399817	2.216791384854668	-0.0456555745358126	0.5001066856635897	0.9572926200414316	-1.1760025974824964	0.14570961888674075	0.30338447890178527	1.0
+-0.6852241305315773	-0.5583786466981011	1.9372513425840665	-0.23132382095439452	1.8306710073227783	-0.7502531502828071	-0.013800738789073546	0.3575461139841666	1.6135408335741044	0.23738912982157237	1.0
+-1.18817519027507	-0.2406790907279704	0.9972796871650385	0.29390729185835485	-0.0635802910775822	-2.6129045486033537	-0.2804669140583019	0.4402675253740327	0.23198841547816262	1.516741546949991	1.0
+0.31364953071626966	-0.22514835388270557	-1.0878133919784179	0.8092951093257438	-0.852861753338149	-1.4762039928244617	-1.1132677395256523	-0.3090723967625725	-2.0898306570129823	-0.4173700312044624	1.0
+-1.2551363680401528	0.37185201934035095	-0.3222186916867068	0.47212052875794286	-1.0047595220548933	-0.05398563142234402	0.06338028324230935	1.8256815454177233	0.9603719837230026	-0.08714823571982741	-1.0
+0.11108254244933571	0.3419804166006587	0.16518761240475535	-0.46709306413711094	0.2006377249932491	-0.2522202464496184	-0.348900726843459	-1.695827187014135	0.04252844430408998	-0.3546352850532605	-1.0
+-1.058341107083241	0.8154637324443926	0.14893574125345024	-0.56066669259864	1.7411107338741112	1.0774387686891118	0.04046644371002013	-1.166292932911318	1.1848057906070117	-0.25861302105802453	-1.0
+-0.6570293996628584	-1.0860498262479517	0.30650582998705583	-1.0826121288108281	-1.40689902631265	1.6514358866722028	0.103279908087676	-0.449001129008708	0.7327269904660167	-0.21018097777041758	-1.0
+-0.08748627857310422	0.6433535414353928	-1.0593035518901397	0.6516381922453502	0.6392852132183725	-0.4170368913623918	-2.07280914698448	0.04648277249491952	-0.5858213459579354	-0.028885801133909508	-1.0
+0.3017787310665252	-1.3597746248703046	1.3390189309420757	0.22026464162448037	-0.05733739032821029	0.3687472812776921	-1.6903640759073768	-0.8491607216330618	0.5199870046145131	0.2146485527107696	-1.0
+0.9174949955720696	-0.3496902518307178	0.5359587113801827	-0.11733268990611581	0.7557160944454164	-1.0601191313290463	0.91105194670277	0.18474662624115762	-0.7916818063892745	1.0060268786639932	-1.0
+0.6255180576122521	0.06102414332030145	-1.5615783974884028	-0.07731108638429846	1.2335962153499522	-0.8540229401368875	-1.466520920770158	-1.547485342750849	0.41447741970225216	1.5803165986597802	1.0
+-1.2643883691202273	-0.10945197087278236	-0.46445927041890195	0.455770668159167	-1.0358148930234903	0.8817935133678814	-0.07082351209831514	0.03213107395333669	0.3178781144869884	0.6444757879862817	-1.0
+-1.9024006940105693	-0.6633339279494965	-0.657387311841271	1.6959578589560715	0.006530407250331926	1.0661586432632928	-0.4593103747090388	0.23580262633226556	1.416376118104796	-0.23745760438286748	1.0
+0.7806745734421335	-0.177509073761037	0.6982647523502804	2.2803477132492316	0.4848334184041735	-0.4088712816217757	-0.6191297698331282	-0.2408816324673666	0.06745481945555587	-1.4843325932176201	1.0
+1.0515709179121018	1.1179194269618657	0.3304403679629999	0.222925280663308	0.5537097318773216	1.0528672074854188	0.8774971301948696	-0.7368479838475587	-0.770672433477922	0.181228020852182	-1.0
+-0.3786281941567947	1.1093526061454306	-0.09751245288180196	-0.3496100362902154	0.8190031462349224	-1.272591577105835	-2.912978495053424	0.34628795032810505	0.4754379120205315	0.32369733944830775	1.0
+0.04745109981369735	-0.15432021366512821	-0.9893583736017828	1.1240867535721153	-0.4583132618600069	-0.2373701259332471	0.7550212509364737	0.31450747707516613	0.03883792980190176	0.5933350236006358	-1.0
+1.542582357900633	0.7624077800750766	-0.709499391223047	-0.1906699307238806	-0.48605720368309857	-0.366628528297527	3.565636336391203	1.6401431160252988	-0.48267619050870825	0.6960590431607457	1.0
+-0.20228139232397715	-0.27098165453534284	0.19884552947409706	-0.3633538389256221	-1.8168585636025902	-1.849325260554392	1.1990017669512347	-0.14758775472881663	1.0008223208827625	0.22095339118347695	1.0
+-0.47530259210481307	-1.4113404482189202	0.5686364124658595	-0.585873626681147	0.7938411593390278	0.5643615978209283	-0.21971421135825414	-0.6527172146693743	-0.9823658093569423	-1.053755370908922	-1.0
+-0.7896790517789027	0.6820212530437665	0.812272239894796	-0.43936341260601713	-0.397951604880724	-0.04935578602265021	1.915313499768343	0.5425356147300169	-0.1938306822488953	0.1477354134305605	-1.0
+-1.1429021559542607	-1.7849251250166474	2.341211219238397	-0.6698009780588402	0.942403118471449	-0.41875923798312176	-1.7957302714589787	-1.5517349836289491	-0.5677955814057042	-0.3305129388202378	1.0
+-2.5613393844865118	0.048805648942849306	1.5739866080699452	-0.9965293598072517	-0.24149361547870044	-0.3442955299444153	0.3549116581222488	-0.5978018739471913	-0.7869422959520532	-0.8754306113024876	1.0
+-1.1558418433613464	0.3740881288725431	-0.8533120417163079	-0.916482557825294	-1.0482454770457366	-0.32624698882079134	-0.03032923487721773	-1.4578491546947505	1.0508332602788897	0.35848248315148284	-1.0
+-0.49588479214861464	1.1075968571384114	1.6481902673239466	-0.8350334764759132	1.1520346553176868	-0.5754440544381068	-0.8265365891985291	-0.7453610847945685	2.3041227675792753	-0.12169402718916354	1.0
+-0.12855017799062843	-0.6819186090472752	-0.37799524794994693	-0.8127305654446239	-1.8733158278487938	0.3620679823994578	-2.249246908913007	0.5132205852561124	-0.19890809075599983	-1.687122044695642	1.0
+-0.08656549620774015	-0.3639217206400922	-1.6394307267217214	-0.21619426396174948	1.3664555697124194	-1.3760945876806796	0.963645092776733	2.466782074196145	0.2882031659742959	-0.1989048942330591	1.0
+-0.9190641595443149	-0.5363631443135561	1.7047128264131566	0.06381245440101899	-1.3013067559107372	0.20192788068150994	-0.28127052900931376	-0.5222869030385492	0.9484620230126806	-1.6436450666711075	1.0
+0.4424189128216539	-0.7284349164123418	0.9781505324472864	0.6291350946957227	1.2724236063909184	1.9401710497874456	-0.642057343469992	-0.6402464926890417	-1.0743322192956712	-0.31250754158383953	1.0
+-0.21243440439238465	-0.4038663541031361	-1.1253866693601475	-2.0215166185479547	1.3013873133557043	-1.5792679767908548	-0.28448372077524886	2.3125155341496804	0.9995202774869851	1.0638430768444673	1.0
+-1.0039370428589809	-0.9538387413790218	0.01193790897870703	1.487490818408617	-1.1402749826268972	-0.40018299115479494	-1.9101642901848643	0.03143702474688055	0.5903982670900252	0.7592353073833891	1.0
+-0.0910357769067119	-0.4634224432658802	-0.4622007045418294	1.3756699374985988	0.13615813501845037	0.5679295128644497	0.1777503321799408	0.5047407255741612	-0.41913759103542675	1.3735099071410353	-1.0
+2.5648269914332182	0.7999869383132384	1.303589684901777	-1.1527406041754031	-0.6202494731987623	-1.4097446601587649	-2.1253038426697866	0.20173283369991207	-1.1370986793696074	-0.9031738837492127	1.0
+-0.2983726756696835	-1.555231745111837	-0.07111662858211068	1.0542860946408323	0.03049984193269051	-0.411966740420348	-1.6679498242408202	-0.645783537512558	0.14560589079399802	0.3418346687435206	-1.0
+-0.3739299397211681	-0.891965261400892	1.2974363343088564	0.19149069373971017	1.449301297899998	-0.5144412683306486	0.6814884850269584	-1.3729629946970598	-0.1252172466903341	0.39433993907014897	-1.0
+2.454863643541426	2.093030004086743	1.0725326873114875	0.17832697662961852	-1.0753343061322789	-0.06027128157750747	-0.15294990268596606	0.6628525265632617	1.9033644254128717	1.5206664524129234	1.0
+-0.001986484347584105	0.897568514066778	0.6505198729226281	-0.27264433352399986	0.46344249124870907	0.9457041395313536	-0.2710419371585644	-2.3740013272071288	0.6839679401318358	-0.5032694255505905	-1.0
+-0.524027729086413	-0.5313613003482638	-0.018026453777334937	-0.12289754383836517	1.4798973773018795	0.19305776342559564	1.012400436255664	1.1640823865178895	0.5580397098674063	0.7069976921894766	-1.0
+-0.18422847391728708	-0.8813311293487114	-0.8167660411742651	1.1893499299795802	-0.1819766177046531	-1.093138849245486	1.2443904138435347	0.8370938720394921	-1.2862726858095648	0.44558555608412176	-1.0
+-0.389149000471741	0.2804527270017179	-1.3208112372120147	-0.6650977358355422	1.8204934284061234	-0.2664967479096384	0.36142501451086195	-0.6451231019381606	1.1772913884398621	0.5301238576210741	-1.0
+-0.04228824644347525	-0.6199958878809468	-0.16039978262429316	0.023288935211147527	0.4058964740026183	1.6876204392739227	-1.430605228278445	-0.040736234734229215	-0.2229311019241373	-0.8363436875268669	-1.0
+0.07376817256467515	-0.9520061851401923	-1.0578748763874593	-1.1130089290356544	0.6189308432590177	1.5922879509203773	-0.7331865473724346	-0.44869528581525353	-0.035143994820215144	-0.6921887397902942	-1.0
+1.2424201402295856	0.31913015543730844	-0.565549023059355	1.7398113464087899	1.057100306173029	0.8606537831605644	-0.7922721829153307	-1.6407770591340305	-1.1181681972841706	0.7031813100001444	1.0
+-1.389256465267387	0.7118289087146326	-0.11300191803652741	-0.6635681672504671	-0.9341961302061063	-0.3406512678543728	-0.12113679600872103	0.7591400990716516	0.5011383050453511	-0.15868327633567525	-1.0
+0.20342947541519862	-0.32364819059078903	-1.4572270219733123	-0.29547671594501557	-0.2516262936772569	-1.4972789307267818	-0.564982007176267	-0.41726266884606117	0.9970995081937357	-1.5715807556354224	-1.0
+0.12652300605963687	0.4354543700484266	1.4553003737748018	-1.118062184781882	-0.38603546261259747	1.1152424435026618	-1.093210096225293	1.2388489956948683	0.3734410156537922	0.3087698318512797	-1.0
+-0.09345502124669315	-1.9513669524207196	0.8680623123897606	0.2705422603498025	-1.3953139655428408	1.6629856669477165	-0.6550529605587189	0.970797541359784	-0.932873134266781	0.3418433180866575	1.0
+1.4087965545762706	-1.7038164709908385	0.88914549284696	0.4697902925818268	-2.1617196069295153	0.43317496622966	0.36123078471608927	-0.20411527454102785	-0.05285909329448942	0.9425533208543186	1.0
+-1.0176225696995547	-1.284624691092149	1.360823977492199	0.16677651757101541	0.5892196450557073	2.5552018337076903	1.2736539544957406	0.6567433243141414	0.5235028670612931	-1.0319980458833027	1.0
+0.5974561422389997	0.4378253717109355	-0.48564325756471327	1.5569491693243622	2.034532819050209	0.241227039909419	0.5075847802725393	1.2734536636453657	0.9703406240126848	-0.3700930799551062	1.0
+1.0466992186802673	0.9436978268960293	-0.11697882853165925	-1.347544328644414	-1.0748635195753449	-1.2041309652625185	0.04112318695174942	-0.9471864456347853	-0.9910682039316342	-0.608430655421835	-1.0
+1.175458864747729	1.5074761840135356	0.6367603101771174	-1.0248423467757597	-0.2053948880778483	0.319704188280775	-0.8778974119580472	-0.7556375977701322	1.1744179435364612	0.9228046207253894	-1.0
+0.32085104157437	0.23604229776524233	-0.4098275417883585	-0.5173084750357935	0.4089495370571485	2.022080818302405	1.2789883672245408	-0.2507668653957543	1.472515952826059	-0.6300136428767092	-1.0
+1.191974592896035	1.5130912567021508	0.9983556366112166	0.5007780674437072	0.15796303856560842	-1.8922591877383603	0.64480410186454	0.808485762278776	-0.8170578652825475	0.8588930820471036	1.0
+-1.780734398016199	1.2585861653914299	-1.1921074381649925	-0.5755318983579027	0.2999048809709748	-0.29607012539119903	-1.189203621499218	0.8850621634681884	-0.5853481482523673	0.3287303079464693	-1.0
+0.3660313732293666	-1.934581511517249	-0.48682460961233376	-0.15116670361406895	-0.7461594986559149	-0.5940426614228348	0.23099958708117233	0.8068631496588589	0.047008592536061364	0.026856886822883643	-1.0
+-0.45598921634307127	-0.9169510298869554	2.426887040876905	0.45844144113251134	2.329196543047127	1.492685571753866	0.721125240435289	-1.2408419327510973	1.09365988612988	-0.0756267120324701	1.0
+-0.963378969962722	0.1189956089836812	-1.4926017343348754	0.5589799726874314	-0.17117927496143917	-2.1402708901007745	0.7074928958322587	-0.0024533389695872254	-1.5209121130087717	2.0653461182540886	1.0
+-0.791065706109227	-0.26565150731067305	0.3607384751244933	0.7054151324837312	-0.1522095993117026	-0.6883127477119656	0.2601125673454502	-1.3393791635527281	1.071939914344267	0.03417410425700554	-1.0
+-0.3864240796896305	-1.3831004796853112	-0.8300971894651127	-0.6842250044628303	-0.6729203953691423	-0.9523978079570286	-0.19939640159278416	-0.9010507864287884	-0.1579464543904214	0.9738334048109701	-1.0
+-0.2525863663370531	0.6981255983154987	0.168455769457371	0.6082691100588624	0.7066115294669925	1.4346793690742012	1.8977356523173956	-0.7459474097826777	0.8611354293550025	-1.0816375826126854	1.0
+-0.2310258478654012	0.1728769533764431	-0.30800639976745325	0.5467408047005661	0.5606239509420612	-1.9902824363771567	0.017245017976076155	-0.5421472159469556	0.38552938129262415	0.17301947200228968	-1.0
+0.2536320175862101	0.26274541916824623	-0.7425945281994815	-0.13718507178161649	-0.3498657271264184	0.7500114359244681	-0.5136692983521769	-0.5829623911456027	1.468630676215497	0.1454488576072447	-1.0
+1.7727569337558293	0.1253984079659788	-1.4947220087896924	-1.035730475804595	-0.4641518078303777	-0.012897038183812711	1.0510682959060673	0.586003421259126	-0.5021138063310799	-1.4333597643811	1.0
+-0.5224323780409565	0.812714503863682	1.5096497990535471	-1.469587241876575	1.0918075526650297	-0.1156956014948507	-0.1835997903196014	-0.6919461153218791	-1.8945945011089316	1.293283859758677	1.0
+-1.4389029055771763	-0.7256610688403299	-0.2504425670925209	-0.08206284175064255	-1.7398404429674805	-1.0758731698360267	-0.7762471312804169	-0.8527861139855041	-1.905438680509124	-0.6732070112677161	1.0
+-1.288468242885334	-0.060609210003322055	1.1680118537959414	0.9199105293727423	0.2234612009995487	0.9395371906525353	0.9479294300780604	0.6365422146413934	-1.984119583099461	1.7833756355007353	1.0
+-0.13895719893978517	0.42277821570928376	-0.7128960575994361	-0.5907593817772843	-0.9359102314041778	-1.6573316467935832	0.44445768094577126	0.9295010312012143	0.32146239516738717	-0.24040953763732587	-1.0
+-0.09738772175983276	-0.2286166611291175	-1.1452728092684343	-0.28294051382441543	1.2285240564408082	2.329746955704866	-0.8582430082385978	-0.254098810818446	-0.2272607098702134	0.2036045990744425	-1.0
+1.545357261916965	0.7329126289213146	1.770704359138342	-0.26996286682356424	0.8376589788424883	-1.4994130037135878	0.7881556075343764	-0.4014255402710881	-0.33231538647700093	-0.21958805060449438	1.0
+1.1169465801929757	-0.2522009120359918	-2.0072103626355946	-0.011025894204897916	-1.2230559606113716	0.8971683488788558	-1.2092035977870064	-1.1049394627577118	-0.04813510292109762	-0.5985011016492612	1.0
+0.38943710308714835	-1.2717185188238416	0.6035972526739923	0.4255410412406791	0.1524555092659021	1.3350656696288996	-0.28613028536037605	1.6503135489339864	-1.0314144051636638	-0.08013049022826443	-1.0
+0.15513952595121497	0.1553396539084507	0.5620102348996763	-1.308474115465252	-1.92267999893307	0.5557807178316404	0.651919327242476	-1.0726736590356958	-0.9069581240714126	-0.5864388403843781	-1.0
+-0.5042128159941563	-0.18667787205586744	0.08604844544494654	-1.0269395825592749	0.9821959351344728	1.2237465964435057	-1.9042801375714187	-1.8840391095594917	0.8851203671428441	-0.9769825553250541	1.0
+0.7104011782482413	-1.5783738439044706	-1.1621856209598906	-0.15832099272288175	1.3555870005454447	1.0042781511115375	-1.3152562330477853	1.0829857146067412	-0.3031477346351193	0.8041216463635853	1.0
+-0.981616660983938	-0.7001318216748875	0.9270265576529608	0.9323223460864423	-0.9632319658992874	-0.3127662092913926	0.7923419996196369	0.3536937878401673	-0.4169604478365248	0.8161885961309253	-1.0
+0.026185773811246964	-0.2832363944311681	0.9201622087018443	-0.7096204170012703	-0.8817348162043599	0.8627012888516764	0.9344327498692986	-1.77339531879797	0.7695561700668361	1.5073821643379366	1.0
+-0.10407916403116595	-0.14096709017956038	-0.4209221681267066	0.35291972515091546	-0.25983089747425986	2.2532470961314424	0.5344968467846531	0.36654287985087824	-1.0401282256316442	-1.0799936977764437	-1.0
+-0.06498023776777642	-1.0324716304278758	-0.7345304975380783	0.48272247170881716	-0.04499249369717004	-0.511598768619491	-0.29396666343413924	-0.2882088065449997	0.1384158666096904	0.4110610561076185	-1.0
+-1.438167442465989	0.4450397239216528	-0.11225416264786396	0.3253488083714235	0.7132621988453308	0.47032300457307313	1.072558348524331	-0.7984808036064224	1.3143928793775979	-1.1075593169304696	-1.0
+-0.27010543613929106	0.8629255134270676	-1.8230351805633027	0.5317339330383888	0.8040453312606262	0.07078660700289127	0.903965151312222	1.2778808965488713	-0.610248813170469	0.23236207590844762	-1.0
+-0.6472067834649007	-1.8730172905658593	-0.5978579399951386	1.4582212803560806	1.8898824371864427	0.41169722069715564	0.0700173645247625	0.5931810226426177	-0.7969011015370357	-0.23200208618743434	1.0
+0.4989016365186459	1.7695411430462074	-0.8797208420810584	-0.3930518329551706	1.232347712780838	-1.753863731727983	-0.23378145877789544	-1.1124027720702823	-2.9336869738027596	-1.1036168850403976	1.0
+-0.42300650557337977	1.2007044978496864	0.7237776589932677	1.377848604804877	0.8132594294407255	-1.0835335037956424	0.7703134250126431	0.22989278574668984	-0.26008003191064416	0.16129646085794236	-1.0
+-0.5209868070142157	0.646026069971349	-1.109992328067106	0.5917953129136473	-0.04359563606897906	-0.14710957727117938	0.062185896988230245	1.3643730546230877	-0.42459258839537767	-0.02749265632356348	-1.0
+0.6126291081490653	-0.5862331215837234	-0.7502234277134228	1.3441531779108415	-2.029357810233402	-1.5030516213497425	0.5236149186475701	1.0147221586506616	-0.017643195818749086	-1.1494457584583202	1.0
+1.601116495895495	-0.5588899396473276	-0.429284591306304	-0.10820817993577139	-0.4847629077115101	0.791981158616451	0.18365248651209162	-0.28934201618938354	0.1142953669569307	-0.3231361380391	-1.0
+1.649813705393798	-1.4710464448626595	-0.8354618228819534	-0.20895958080661042	-0.5264795356285528	-0.8604983930299435	-1.7872546875532827	-0.009203571125106884	0.3036661376544941	-1.7483706127139174	1.0
+0.4732344352901933	0.8791287081105263	0.5452100200728369	-2.1928752754486527	-0.7534876983178276	-0.5031162354139931	0.5138106467246603	-2.2655725531762725	0.8022295326465017	-0.040881341066140636	1.0
+-0.7461487571068031	0.3423890152644328	-0.3019547222639853	0.20801183045855323	0.010727350573565109	0.30495661837417065	-0.8014204475295207	1.0693365806509618	0.4726095163726371	0.8366843366979635	-1.0
+-0.7045666165914249	-0.3431823911903755	0.19847311974731144	2.1054333830747805	1.0994803161755051	-1.1054740006118733	2.180052509401816	-0.5263282733295302	-0.47673940116961333	2.7510167952457674	1.0
+-2.6492781408629775	-1.726143268144626	-1.6701211707318138	-0.626459967501962	0.830392385530219	0.38221283429950104	-0.22667143166733233	0.3571777844838911	-1.044740439853371	1.1736314319077668	1.0
+-0.1562679458923686	-1.9035810761796765	-0.2874012877003024	-1.0602549446827774	-1.2094713101610803	0.47479702380268474	-0.6436036603068425	0.8809279908849398	-0.13008781161753138	0.38690188976945233	-1.0
+-1.0321834119178186	-1.064485762018536	0.5338472913308043	-0.12075376791242197	0.18438765578573263	-1.0601776952010307	-1.0615317612641784	-0.01035463645088266	-0.21858198528718834	0.9835336620517645	-1.0
+-0.1732694052030234	0.9991131818659336	-0.38170852492739754	-0.48570716269868636	0.04831514892216359	-1.1791186055751834	-0.6476875351734386	-0.61657010700148	0.6319760653158407	-0.7450085954247216	-1.0
+1.1793444555211796	-1.248935730375318	-0.4086669820417233	0.16829955241068972	1.0425720728550465	1.3737471981271308	-0.9788169471105551	0.12694452563106437	-1.7906399197227036	1.5847236894772965	1.0
+-0.1346797529954751	1.4597732614702694	1.4921777183050347	0.10666167750142175	1.3352373670192652	-0.3574139797408001	-0.28200980576474793	0.17914999242977023	1.0314162492876613	-1.5073732402012467	1.0
+-1.5638575754352417	-0.7982980705845091	0.4767861147852588	-0.9316295261314889	1.002607412352529	-2.0491539735100393	0.847829746926666	-1.010217000091954	-1.5840198702126402	-0.1009881597193116	1.0
+0.2937523184534129	-1.7948411410941822	0.30701619977952865	-0.3388381077572713	-0.7668439809022504	-0.5060484884238615	0.8216896633873403	1.8634609366707793	0.4639056788364676	-1.2039730638337112	1.0
+-0.43751748201836527	-0.40291410854953086	-0.4245620999280158	1.231707914354412	0.954271973832281	-0.001970207671438754	2.2816789401801745	0.25154124062672983	0.28330320184978836	-1.3709715529485202	1.0
+1.104722705691153	0.03289582013219474	2.4997757873786046	-0.8572042411326214	-0.44880469326973127	1.7781440728798092	-0.3127836328514911	1.1101115414415752	-0.730078459861375	0.9883751113341691	1.0
+0.7907666590730607	-2.3730202476072066	-0.8618389211697012	0.8099332061133055	0.03468229725061515	-0.20608658302260302	-0.743533626642001	-0.48956273799354966	-0.6033204640001257	0.15336199735783568	-1.0
+-0.32788346419826997	0.7598498465596047	-1.5120359696464836	0.7397799996693589	-0.12298812741339425	0.2486749594641305	-1.5726090354354518	0.10126883906899391	0.6609322197219185	-0.03462255215091266	-1.0
+0.6002390064710731	2.49998503178814	-0.2881928202343731	-1.8791068862718174	0.7050415377031694	-1.2662545715925677	-0.40774465769547674	0.476205511996242	-0.720621293411947	-1.6368204640794646	1.0
+-0.9784402668013508	-0.16826608901302756	-0.8827904658026761	0.32479937003309334	-0.37920676918049656	1.399421525909529	0.6839453537424451	1.254756212768011	0.7679055695273954	0.6209548779219137	-1.0
+-0.6330169371001053	1.7979814231076727	0.29161657767324545	0.8136977842775092	1.0372580381326304	-0.985709912962172	0.44465222481849764	0.4759162845316592	-1.8025041475639587	0.1942038215883961	1.0
+0.6158535517995914	-0.13139233942872666	2.2535337103195694	-1.2205743104226612	-0.027296264323246285	0.16090840758200337	-0.5432880759965173	-1.285586731079337	-0.28919989414391745	0.6266650662135872	1.0
+1.5093942401666418	0.6618975907225909	0.9065346314637791	-2.2576284614088533	-0.3105855267818653	0.28083659174704984	1.0583835533385972	0.3877068768574668	0.5416992116080732	0.6727750855574302	1.0
+-1.3246823829433023	-0.9697654207511498	1.6999937019998124	0.37768741383587046	-0.7240519063088247	-0.21590579934450213	-0.9097597608149361	-0.06014766530703503	0.252419396113324	2.2716680578259463	1.0
+-1.1403002834598117	-0.36915482664382193	0.3381227129674994	2.119524254234752	-1.8605812968343913	1.4956821184597684	0.3188603391055777	-0.48504631947345084	0.03996524534684849	0.2757501461382755	1.0
+0.7591053135266526	-2.1349918736399203	0.011272027366460297	0.21331501400622746	2.363214913861601	0.47873332071122954	0.1254102187346709	-0.771403684418448	-0.48360733616557555	-1.2851877456763685	1.0
+-0.26815929308829295	1.7754226083118958	-1.5686423119355395	1.0727418845304966	-0.9321570022125212	0.32130229565487584	-0.06465021875344794	-0.8779849219187352	1.6543155437454993	0.74725771437496	1.0
+-0.6944751793241982	0.2063703614398911	-1.536964586846298	0.6246466754285559	1.254275221227796	2.1402153207098387	-1.0037023072903322	0.8723030162994745	-1.5259464411028958	-0.6698892294630606	1.0
+0.8774281060337171	2.2823708680257355	0.4288126194805066	-1.302240123022511	-0.05709125114641378	1.4927514833437299	-1.1595910888209873	-0.3198668241438924	-0.30297143916476993	-0.023334615133211473	1.0
+-0.3059766152576227	-0.6342462715271503	0.455509706142699	0.3901244679380476	0.3731356867782449	1.018576385878728	-0.0642409242442492	0.85287607233452	0.3834419764847109	-0.887935064258599	-1.0
+-0.8162247722043974	0.5504707300389158	0.23934847468017598	-0.8811395724838382	0.23711240946141388	-0.7489145646258382	1.0605703786390046	0.12451517848484935	-0.6590548285607905	0.9661059470657294	-1.0
+0.9430759067488301	-1.0342350379589151	-0.6715250316017051	-1.2130779484278864	-0.2930751285037791	-1.1140160905081733	-0.5585825335858348	0.978848852747628	-0.4001070109572498	0.4053558391954031	-1.0
+-2.0435970893529842	1.9772397265542483	-1.0447233956312025	0.6846022093203823	-0.598684489907102	0.17149562206442057	0.13970347861652774	-2.6564077580631897	-0.6644720119722866	0.6601566252313398	1.0
+0.5400129682878572	1.5178914946770867	-0.6245494316098457	-2.218307783243273	-0.808925136899799	-0.013382287095623948	-0.5235885245720456	-0.14269601382900002	1.013486984777737	0.036003627885380446	1.0
+-1.5355314323229017	1.0525262785651484	0.03849855357637758	-0.19850931954121967	-1.394068055970099	-0.039081529722720554	0.11284462532245183	1.5010190176826013	0.009587822335239055	-0.37467791948655665	-1.0
+0.746682811260031	1.8151376926981029	-0.34719832246904975	1.084403169051417	-0.19289448356975195	-2.0692263041337187	1.3032764823126977	0.4874873875231836	-1.0772997719752928	1.4293609371561202	1.0
+-0.5717618640047153	1.251425816687584	-0.14375711013410963	1.0227200947217812	0.05900107821342583	-0.2697944136084428	0.33354443522926974	0.5990573303936313	-0.6693951918423376	0.45048709413157506	-1.0
+0.32389815959347573	1.8826458417672451	-1.2341656732066715	0.13566253862341712	0.8133848797621932	1.257922322810371	-0.2242576073924902	1.1907563842257136	0.5523397895097593	0.590115268976289	1.0
+0.6083169508832439	0.48142666383280514	-2.1608915568770044	-0.29120540419410645	0.568944887509225	0.31372667344423966	-1.154666225398512	0.8782682783761748	0.011478517137160022	0.7554211880653072	-1.0
+-0.32912030535623116	-0.12663467936190506	0.844174675506667	0.5949849273303548	-0.0894015187217196	0.9776394991013666	-0.14276343897385207	0.1138526723637302	0.9868319155496126	0.9155008275243893	-1.0
+0.32050105577428406	-1.8436039558974926	1.323594578201787	-1.4177562397719286	0.5389302752310984	0.4159082941273156	-0.48859892421546813	0.7198152801582045	-0.8383324100297415	0.5856674770810121	1.0
+0.10612008813224516	0.8313439493761142	-1.6506347475388508	1.077575156821445	0.6585992785017531	-1.2270813118544377	0.4740544792657214	-1.8088210203991733	-0.8687075251166136	0.660511446233301	1.0
+-0.5869954392345355	-0.24443658705967503	0.7405691843544473	0.9008442513148279	1.1444800315192825	-0.1281864639260204	0.7254985520336559	1.87270963677741	1.482569934878513	0.521863669247119	1.0
+0.41902689258237097	0.7338302429400935	0.22174211538451408	1.4229861007509	-0.42942821171250406	-0.26107434462170603	0.3158971703390974	-2.566806460470204	2.3907743640235855	0.6129844315941958	1.0
+-0.20155566083711196	-0.5911725303378108	1.6889792058366706	0.9397780701844151	-1.6245533412884763	-0.3631093566899662	0.5584260869496303	0.7689210082059033	0.3916435174485295	-0.3942013217684781	-1.0
+0.6998744598808815	1.354109443306552	1.0106848544945783	1.0748257119541982	-1.080626495384771	-0.5450898626392772	1.0130710177160993	-0.1835336031190299	-0.7347048250874809	-0.9609044849414066	-1.0
+1.4346544871243359	0.027312983451969284	0.5914327164085986	0.017904123144288863	-0.8257235091286262	-0.19353365329759217	-0.37866277768516154	-0.060743908861953064	0.21865394178351574	0.6879817101885889	-1.0
+-0.12074319801087921	0.992494291595672	-0.1668916422343095	-0.6595923535513916	-0.36037346772090195	0.3756802155184695	-0.48867674363848074	-2.9710158970751084	0.43789589603549545	-0.2389510411417805	1.0
+-0.846348645787915	-1.043555600123033	0.22548992355321051	0.9855389696048994	0.8147202605697313	1.9455050205000066	-0.7014641256205781	-2.0040107900850943	0.8643155425001376	-0.2472792316399534	1.0
+1.5972202837052645	-0.20796944009113508	-0.40443516232489457	0.12812340642329217	0.8521818100173597	-1.3038494414923687	0.5898306479253107	1.6605330602094215	-0.2031128152560868	0.8025821338674995	-1.0
+0.2280737595411081	2.4366183414973137	1.7400211174466378	-0.782689421633435	-0.6711416653473801	0.39704398629632226	-0.28803973385418175	0.8783664788996902	-1.3751062304059758	0.15290767188200666	1.0
+-0.05845127391674235	-0.7630058727203388	1.362301204143558	0.2860779817848387	-0.42615840710386454	-1.4719398256127303	-1.5104577582929222	0.13906986244840613	1.724739363455023	0.7663497453240659	1.0
+-0.12353896702144412	-0.05843691523907397	-0.6929208645599537	-0.29200728792920216	-1.4853061101765663	-0.34726160747460266	-0.3991141059389403	-1.596162521239729	-1.1722324678651532	-0.5563902691833192	-1.0
+-0.9008165785383561	-0.7428761235615304	1.7227231838000459	-0.21658547516809745	-0.6372444566255356	-0.6397399930538524	0.3292823957244677	-1.4288072587287013	0.8635096922172061	-0.592777227695483	-1.0
+0.2930172711093713	-0.749613969860726	-0.34051038599286637	-0.40635425470388914	0.5298104361494183	-0.0593372929067282	-1.0762571050969605	0.3306941277065284	0.7515648044804379	0.3185915401951976	-1.0
+-1.5913467811636273	-0.9938774769303432	0.7609592993605289	-1.6600813740649436	-1.063804685852803	-2.4624223708052146	-0.5261850335811442	-0.3724115302242276	0.5755796755822704	-1.4272612392788147	1.0
+-0.199227922647832	-1.6941808939404785	-0.5947379717712943	0.16258899325197806	0.25300951521996357	1.1735637908141827	1.1474591129907343	-1.5406102913706536	-0.28278583027824056	-0.6851447735474464	-1.0
+-0.7025328037328823	-0.29052305580355287	0.3350454307362712	-0.42285700528985387	1.7286917113719988	-0.44650742633083945	0.1720158844748815	-2.3698654034110627	0.6437805527961007	-0.13130247876617152	1.0
+0.7231858059746903	-0.1014804372520563	0.4881454414898502	-1.4555495288288902	0.4475192538839237	-1.2871307923223563	0.544742029866223	-1.3638734511194635	-1.4975192134829067	0.07250719305040514	-1.0
+1.882961756098798	-0.6364736063207221	-2.115979406559879	0.7082311496240785	-1.2888139350053638	-0.25432188737398426	0.012877332937549993	0.3544569738052268	0.20066335710526478	-1.0299632102583585	1.0
+-0.690731388361641	-0.03746910556769865	1.378270657057788	-0.9024688507597776	0.36079605684481036	-0.7096019021265596	-0.21041565214081911	-0.9498687707768402	-0.1952422190290625	-1.007994413133038	-1.0
+0.21969169326023408	-0.908564965572299	-0.2456173178530803	-1.6973166352044418	-0.962485437613431	-1.768638967350652	-0.86048033948165	0.8380091390565504	-0.6729022725582631	-1.0876562324580252	1.0
+0.9628401821906933	0.8758502720788863	-1.1389440992635183	1.0318260638286705	0.11539558040818616	-2.181421785388478	0.154627758445209	0.03781906976227917	1.149676053332438	-0.6777828558697877	1.0
+1.324192344734256	-0.9944627713966968	1.318924322046635	0.004178734395663178	-2.300642980010427	1.1706028993101136	-1.3273330313214386	1.6259181098465199	-0.019571681975115073	-0.6384141516339683	1.0
+0.38041357286351213	2.557668397801458	-0.2670417697357943	1.1174782102556056	-1.6744631069356313	0.6890037780254782	1.6423758342600685	-0.6439764619711865	0.4460290056624334	-1.4554465744051568	1.0
+0.5189228969610702	-0.9510792391008455	-2.6024534523188305	1.1921413728181196	0.975175057698562	-0.8902781335786606	1.0032249586074855	-0.9687736031820209	1.3397992600808255	2.1686737547383523	1.0
+0.34499585949803097	0.4612570922636061	-0.32020442119401454	-0.13534485634710106	1.0061145630096564	0.22171094601164432	1.3747021773002528	1.035848633590224	-0.20395071614384921	0.7454081272978854	-1.0
+-2.5476777082516993	1.1334487295026574	-0.11459698462673913	1.5332597140445208	3.5498520888361558	-1.202416139661698	0.8736819977115003	0.2985883521307594	1.0823631527699773	0.1292367166819561	1.0
+-0.8364743156381305	0.08184807936416569	-0.135442664699843	-0.7084396049616881	0.30129105071019724	1.4814576262352885	1.3808574351373195	1.7265568288478486	1.715422623836472	1.7258342616126376	1.0
+1.2048982291083434	0.01096226933893261	0.3768726982040479	1.0051425810032788	0.6365100548183753	-2.11916161385881	1.242997106260058	-0.17836741137547568	-0.07463273908544288	-1.2872215702455996	1.0
+-2.4601127433170573	0.8789490266611786	-0.6630557673742175	-1.0985279007991018	-0.357384737043622	1.7971192338631705	0.9219122995921925	-0.4689789590547761	-0.9570050512918359	0.6957633687939704	1.0
+-0.12948083444535782	0.639529923749369	0.10360132492654134	-1.4682565395786344	1.4618168698987712	-1.0358570684088781	2.413898614769315	-1.1159341478068665	-0.9635707586081691	0.6684321098588321	1.0
+-0.9374240915063541	0.26565279883455506	0.5731396334195	0.08709783803756323	-0.09889521615344264	-0.40370508010604234	0.5786974614907265	-0.935904100739869	1.3814596083046506	0.3199228424935317	-1.0
+-0.4082683565778039	-1.5671805933912035	1.685743735049112	-0.14254839025015703	-0.4072565275746976	0.279767862518117	-0.24748046602192716	-0.16546607577341185	0.2113791270147933	-1.760240273364674	-1.0
+1.7008383451370372	-1.480729766545723	-0.6544477213571929	-1.7429321146627148	-1.09863109446013	-1.05643999818916	0.4367414914679121	0.11077874580288562	0.27065888259206744	1.9605065710199843	1.0
+0.20626997676580652	0.6218056871695556	-0.04982855696438777	0.4966230076642814	0.6685446461103028	0.3068390701088264	0.6710189326066232	-0.09272106220072	-0.8474457251335968	-1.1787083038096249	-1.0
+-0.9322700034970104	0.14431900925682906	-0.982347872025414	1.467706057583011	-1.2551371788311187	-0.5282623823484338	0.3790913774900358	1.2771269233466593	-0.5231294922964521	0.6297639913229902	-1.0
+-1.6205728137552249	1.8430180341326166	-1.2646103577403025	0.7200688917163095	-0.6805081882010039	-2.218311944386794	-1.0194602472592655	-1.1580540851138887	0.6096862411138799	1.7117699327829357	1.0
+-0.39648392774332786	0.33835605985224854	0.591377576416603	-1.0339066944233803	-1.8008171156350583	-2.307754615021808	0.5919117961303065	-1.1593407666086213	-2.2330423042910597	-0.435272160457217	1.0
+0.27377496927016276	-0.27909138109666315	1.6027354529449442	0.9860796875416833	1.8517601845807468	0.7945036399489418	1.1325939594781314	1.27787753077868	-2.3019113536231415	2.124618386489254	1.0
+0.5340734546134602	0.8749538669016449	0.3567943528623098	0.1756386100428001	-0.3715447648052243	-0.9984407079711543	-1.0990016217179661	-0.40743406739861837	3.0493597246635527	2.5581382858525905	1.0
+0.14862526268504017	-0.3697781842520981	-0.21411117145144845	-2.120059479016146	-0.7638103568383574	1.3047562202317324	0.5569604821569238	-1.3531096946550842	0.45059988628158837	1.738771790195292	1.0
+1.0632149132785573	2.8022225418394453	-0.6863597514773525	1.3988155078593447	0.37379663582597406	1.4417938926501022	-2.4872317196060605	-0.35945943997721685	0.5259265709982839	-0.04899942083928408	1.0
+-2.2259829686483696	1.4426459014280733	0.3400828547651753	-0.6922211210121865	1.2067845501617542	-1.268790888271511	-0.4996306804819932	0.8288087794880532	1.1382595022225808	-0.5169643591501326	1.0
+1.2031410147336734	-0.0897855774675493	-0.4646458802210632	1.17548060537941	1.989511624591992	0.013827526144781197	-1.2746079927460936	1.440050781550863	2.3566499498153304	-0.47681746581747114	1.0
+1.0027449979662046	-0.8723335559512782	-0.8689541038293509	1.0151116177631778	0.5083920528459905	0.23382095107130127	-0.06160316761728732	-0.6628192908275515	-0.2580340454671304	0.6596523603242227	-1.0
+-0.1121343144154225	-1.1900186007119609	0.02070809674954176	1.2607609474762556	0.3714306455621127	-0.8431859166820685	-0.41857809276358143	-2.168603758971786	0.606166210926425	0.7610352172459632	1.0
+0.21443676298711836	0.43825846181649264	1.5657157851178567	-0.6782073867146137	0.21361458389023585	-1.3849195069057874	0.20216148096684872	-0.007855384326069848	-1.188304159010891	0.16473865934662763	-1.0
+1.2206217080232937	0.6208810110877033	0.020112033588260705	2.24575084266749	-0.9204908737986155	-1.5729142598737793	-0.7930625657316432	0.5532440904120215	0.1588891477948823	0.0927712442512054	1.0
+1.600735676320075	-0.3985574803188141	-0.49307400515142397	-0.3913854017341924	0.14779716688681185	0.8093710800198097	-0.9367769085014258	-1.5346111370996938	0.6976886624519948	-0.5635011894938446	-1.0
+-2.0218421917293306	-0.05449804718514209	-0.7375633469257823	1.7347138759464427	0.06824203062510091	-0.41968645996906984	2.110354671624734	0.09179620255575212	-1.1648343674232327	-0.3309073464957257	1.0
+-0.10262649028645988	-0.9447981419283157	0.7896363319947339	-1.832632295284817	-0.38314384432157356	0.9927394976866096	0.392575962357125	0.6542816817505392	-0.4001789100681682	-0.7701630553536205	-1.0
+0.6168742640052054	-0.27532149148360413	-0.10661150285733677	0.7264343052466992	0.8221908985057534	0.7502351281880443	0.3102611399008289	-0.8588194510765754	2.378254869924544	-1.0221379223143605	1.0
+0.6147651858239869	-1.062747214278106	-2.3094209589649872	-1.4011467724049258	0.36721087982034767	-0.8622203461789336	0.0103449769498185	0.6894606545803261	-1.2873943591324095	0.2407647755956614	1.0
+-0.6817392400814557	-0.9307529585099986	1.1198904935775427	1.0476205682397062	-0.08957020813292346	0.5700566167244585	-0.7527986321675243	1.7635970864522232	-0.2312231628411474	1.0110905996299118	-1.0
+0.828573713240444	0.34713621124372745	-0.9524240104847594	1.126898088974961	-0.053757258046079136	0.8215308532079163	-1.6358543103684386	-2.0988744014845184	2.387462671432377	-0.1495812633705581	1.0
+-0.6570829458222994	-0.6022812924922382	0.06485763631433714	-0.1441178233197676	-0.5037095726421773	0.5142521065244434	0.16756900769179509	-0.010778893947637492	1.0141440625071287	1.9085711486577959	-1.0
+-0.2670736729012709	1.418992869892901	0.05470008364037414	0.8414449679357558	-0.7863295266490408	0.06454555102428615	-2.8074484777163744	0.455788458366241	-0.1738727535446282	1.8770336102991632	1.0
+-0.9016437103863618	0.034241724367977795	-0.8139498843130503	-0.28409432782439065	1.08987051125727	-1.453992079733406	0.30407621730677087	1.4617288771626618	0.5108500305476746	0.4222423681185791	-1.0
+0.8258568813471172	1.442232103505866	-1.1069795514179719	-1.0017634677441445	2.5448070320632836	0.544283649379877	-0.8192967456646398	0.1742116492945338	0.8311617807929765	0.16132501743443706	1.0
+0.2905238251919695	-1.3302011436171728	0.3248233233997689	0.8245171193308082	0.8803944595632277	-0.0884734070591475	1.7692819132448288	-0.8977097143380917	0.18632858115598885	0.298139562905921	-1.0
+-1.7825180703603216	-1.1574062663811324	0.6698580182195962	0.27134426596776284	-1.1711725512331455	-0.30424637184863407	0.6005066505922064	-0.36623646921843866	-0.5611558087183472	0.16050777727735435	-1.0
+0.38941873232344354	-0.40337716738754026	-0.6352836170623176	0.9096843534028078	0.9758181826829755	-1.102052942708243	1.0127638054577035	1.0920248988839134	1.6941195575434922	1.2235171789061008	1.0
+-0.5489061011939816	-1.7975740588341416	1.4231530417537595	-0.7512669032366968	0.013303564694978297	0.0551546245681289	1.6318688530058036	-1.1594920072853676	0.6148292466282373	1.0696635093601365	1.0
+-1.1721321161750575	-0.6821575963566595	1.367306169067163	1.2304266131347217	-0.9700923570894681	0.7823895822767638	0.37142672321273706	-0.09884158779518575	-0.7854742217306654	-0.33395689417105384	-1.0
+3.3068785256783593	-0.7169656049609948	-0.5115995689861738	0.6276241846589281	-2.016146961887765	-1.6175622655247595	0.319272637958616	1.7036554255018173	-0.933061030910442	2.037892240039188	1.0
+1.3752871621199094	2.2792107653948404	-0.8267498196594486	-1.3821041149986033	0.027005454931877428	0.49019133358016803	-0.9373504247585506	0.6685099959864911	0.44695677470464573	0.024390790184432187	1.0
+-1.1107699298003262	0.4198271228843368	1.888927725565873	0.8796390213757577	0.011042189981125735	-0.00395903089178316	-0.12516997481020423	-0.4663340763290041	-0.3233354799603903	1.0174590332292324	-1.0
+-0.9277617994793353	-0.05690046980354397	0.007095822894843566	-0.49605409842444115	-0.0200837022878758	0.31638457302563866	-0.6635399879338102	-0.21816202707972904	0.7295016081057286	0.46285694675732564	-1.0
+0.5814658001604033	-1.438558621431918	1.5741787148613227	-0.8724938741268131	-1.214387988660702	0.6685736086326561	1.361352750785813	1.490331403118671	0.3036700271737742	0.5373115148648362	1.0
+1.6264903500095755	-0.17591949644346366	0.9828609168246211	0.8460953166333958	-0.23714965512666	1.173964473228244	-0.3071533061512081	0.6038751694493948	0.16531749657201225	-0.7697630141740347	-1.0
+1.1830350221197177	2.3899818934851855	-0.22918870218467607	-0.4216669582548931	0.3398387232042364	0.3947131317401922	-0.09139668247862835	-0.2590772559767116	1.0353917294875163	-1.3297113119937796	1.0
+-0.43061465121635306	-0.5552924262534328	-0.7817822847396261	-0.3324207913031522	-0.5391080246991552	0.7222639720785415	0.4527711123940304	-0.3403487141788782	-1.735145603688595	-1.0830254721104875	-1.0
+-0.9843385135271845	0.3999557058507816	1.256364851384758	-0.5605529910110659	1.0485921615587281	0.12322613115071088	-0.9302077919422524	-1.3769203367274745	0.17765307369956967	-0.8861600333185907	-1.0
+-0.37523636109429015	1.2329410468968938	-0.19448754430481507	1.442434625689132	-0.26986726154131346	1.30432777444342	1.415048515846479	1.588341654509754	-0.3763183181300306	-0.8798542064435697	1.0
+-0.9984563869956772	-0.23158913932169636	1.5400688683712374	-0.08159068165126779	-0.16772008294526652	-1.9180121023173373	-0.38538003430548173	-0.18008147905572072	-0.3569876398691373	0.18231903397577287	-1.0
+-0.3099979816855976	-0.72230294452066	-0.8185825578376423	-0.8233086048628903	0.41166009564831724	0.6246472458230681	-0.07522300091288418	0.732893926327519	0.6772818381733967	-1.0818261616005895	-1.0
+1.294498178256348	-0.46389872574843505	-2.1246594280441498	1.9358038418046968	-0.6077792469562958	-1.7488115354098364	0.9811728765231894	-0.5338316568825495	0.5255566996675429	1.3614861045519497	1.0
+1.703761277197269	-0.2956793314292569	1.357065742125886	1.010850878910718	1.5351895960895303	-0.528439619780016	-0.27094078836139585	0.5673958898061485	-1.1724175752851518	-0.10623955547116876	1.0
+1.4261989683002751	1.331570770951882	-0.3770004235217599	-0.023546529923497175	2.6204978328502975	1.0490070191876077	-1.635709513647169	-1.3970407549360495	0.5669098887232991	-0.7979427422170344	1.0
+1.271862356899594	1.269944889755863	-0.28321974073679135	-0.32042516546580374	-1.6201067034612506	1.7896952056950544	-1.1627978440479663	-0.14955616721375833	1.3247822123341053	0.35595675555855916	1.0
+1.4957561453574244	0.07106487992839022	1.0430919711099107	0.10573177729069624	1.2834220986559346	-0.9974441276565882	-0.8205468915175375	0.10014729868851172	0.3745701821750886	-0.4706812400417742	-1.0
+0.21545405336212972	-0.8698563459508981	0.2606574388112016	0.7148540789005665	0.47914168376626626	0.7931699662582428	0.3560122025533276	-0.11762784210608836	1.8177389092704064	-0.5779148367840756	-1.0
+0.8452332271196441	1.5090436237826148	0.6903603236090377	0.31517599791623097	-1.4808042590936463	0.07714159296096	0.6768168785702934	-0.16401424440551543	-0.1745780957878668	0.1608107535893585	-1.0
+1.7033647702715284	0.7378089486094067	-0.9926273964037651	0.8939608263274266	1.3715733494638591	0.8675941697295975	-0.4041751689829729	1.3901700185311179	1.1607286184454606	-0.05885379854825382	1.0
+1.2054765096448667	0.4584933131686575	1.0557946244134622	0.25518171699027786	0.12952873843451088	0.25684092852566487	0.052850353027715034	-1.2236691363035272	-1.6810889378000977	-0.7405125643432122	-1.0
+0.16480673786144764	-0.8625866817191272	-0.05700159591363446	-1.2877758913872206	1.192013468389897	0.6345202261745004	0.3023844546144829	-0.15529282152204427	0.21298447967283288	-1.2177235708547791	-1.0
+1.4251579225443833	0.8291203069553812	-0.4842134015160155	-0.09816230410731473	0.4768973116507643	0.6518232769801103	-0.3856928559790673	0.511187435055676	-2.0599534963108197	1.3472413663436893	1.0
+-0.6961564723086231	0.0582118915736985	-0.6130644680032544	-0.9641463267460264	1.7709609442199772	-0.6658776059552575	0.26506728394063855	0.8650642359684834	-0.42601888921526326	-1.4206258816612387	-1.0
+0.15291490382056255	-0.7946412688681543	-0.32565206191056734	-0.32231417814349894	-0.5092291820518497	0.8260931557276726	1.5653275267662699	-0.4566741297266315	-0.7366742952613899	-0.146827171859376	-1.0
+1.1796347300120849	0.6389983519048215	1.1711459908392754	0.21556321371090678	-0.6035529609485297	0.5716044585762923	1.3603146539536335	-1.09660235979233	0.2384098393522733	0.5327852033473661	-1.0
+-0.6282141182616505	0.4414952394717521	0.008573338945475314	-0.2152367848575937	-1.2891955542594118	-0.8267976832565511	-0.5284902670831485	0.2694712191113191	-2.3635260372238114	0.4032794281821106	-1.0
+-0.5232855726955192	0.5930515139290702	0.47655120195130407	0.9890842639148373	0.610630636280953	-1.4404896839296157	0.35769337006783164	0.8057711923212504	-0.4120030015844053	0.01274459182414183	-1.0
+0.7106560370070388	0.40157223173995304	-1.1104193148642527	1.711705745438858	-2.4324703879986624	0.8625802354864718	-0.6302794071174433	-0.14399225906564592	0.44006791391442435	0.02351773120693645	1.0
+1.998875266559172	-0.761144154958525	0.5372151101520022	0.6376265654877667	0.10660493732936686	-0.028864108946160948	0.27764929533227223	-1.044244589276552	1.1239141450488457	0.5219551541621218	-1.0
+-0.08153921092225787	0.012926880373211392	-0.05259145343989341	0.6867437430357546	-0.539008222189859	-0.6857558823198545	-0.26588037230409906	1.5742720882838575	1.9862460739804664	-0.3545403173176796	-1.0
+0.7909796911323257	-0.8588029385139185	0.9333036864055392	-0.8589235801048619	-0.12139858134986818	-0.16180096550411646	0.11190939652153462	0.43284604535600457	0.06996458057296374	2.1159801943929994	-1.0
+1.460785358763407	-0.008391676830141043	-0.166775787553989	1.089550482437084	0.9519662405672208	1.77589048434893	-0.8546422836074509	0.46197765219146253	1.1832756784462732	-0.1200167175052824	1.0
+0.5478736666797882	3.068664492258565	-0.976033210389078	0.46493943894191625	-2.434609337784472	-0.6892661042294479	-0.5718440602425455	-1.1842306454758262	-1.3049466016177063	-0.860312360768457	1.0
+0.04578314594675163	-1.3405770913196386	0.151040649683999	0.006314717104704346	1.2903373548407786	-0.46186347638498043	0.7091151066727097	-0.6630472493024261	0.7622893034444866	1.5926755920050377	-1.0
+0.36873446840855306	-1.3266207100004772	0.7845129619991407	-0.4311744652131799	-1.7206681547395053	-0.31802685302648787	-0.4427204155892757	0.33694300089686086	-1.0433609190456383	-0.5767696684469329	-1.0
+-0.9563821286256626	-1.6978761687933155	-0.5487128811401902	-0.5110555030571046	0.6414674040086537	-0.11880432727249389	-0.41855794956629955	0.24133974958660762	0.03229860945762918	-1.093965043473871	-1.0
+-0.319798259673276	-1.470016907341354	-0.651749441895711	-0.9940710446949201	0.6362469892897056	1.2492240690581422	-1.619795254132944	1.6642356193298486	-1.2352332327853894	2.038520101994864	1.0
+-0.34040742037944377	-0.2722104475959863	0.5869072091836945	-0.5546757993817221	-0.23851868611682406	-0.2387429105346822	0.6052479416473291	1.044821682120584	-0.054794154438897215	0.8896375657010105	-1.0
+-0.32586763747764463	0.10800669354219458	0.8017246453573967	0.9712072966281671	0.8090179628477399	-2.2222385755765917	0.5400801567501268	-2.084505781441438	0.31504138445715363	1.2333307079677558	1.0
+-1.2444736736011335	-1.0120146336742049	1.6641775045949507	-1.5618484288707781	-0.8977098368287363	1.255811191069268	0.028170519332177624	-1.4593004503263607	0.8075922260820738	-0.13481830241891674	1.0
+-0.3627077440688486	0.4577285248571073	0.27503181579880565	-0.44566715241640864	3.07275179854375	0.1488475057589265	1.50406377160135	-1.5853903785920103	1.2915466150290653	-0.043716360412001026	1.0
+-2.1519837377888718	-1.0092893449244669	0.17442722608092792	0.7659498877190791	-1.2101057797895094	-0.8742168044987128	-1.029839838403607	-1.6347693097161538	-0.2604548104376146	-0.6379531772257919	1.0
+1.4508217408140611	-0.5774565462375812	1.417812295089666	-0.8455388631861616	-0.29342975027700485	-0.22962385399557594	-0.651845731992744	-0.13653087305343828	0.8780046892065835	0.6795317526868351	-1.0
+1.8962287906316748	-0.8373536269344346	-0.3435423020862624	-1.2172366312212983	-1.0138448089942322	-0.07163569041276713	1.0167212289833518	0.5046125773974057	0.013793238410455946	0.25144685110889514	-1.0
+-1.8664880350345256	0.7391029142059672	-2.1564681006094792	0.44527579518694266	1.0665023260935271	0.7627182965941729	3.170901460004269	-1.3901813771041196	0.15989253411100326	-0.19160255202694712	1.0
+0.1688468963468443	-1.6734519185109518	-0.8452624119887774	-0.4635371460448215	0.7421315686316272	-1.0822655406685973	0.779988545954749	0.6019463925014703	0.4694771111861434	-0.327100710923501	-1.0
+0.2664942923166494	-0.7997294905076575	0.07490817710194474	0.5163617719333604	0.43944997145610476	1.3104733127207693	2.2030658582779816	-0.7066867750189005	-1.382664687615724	0.6275810535868169	1.0
+-0.9792679288971031	-0.23194009526990686	-0.7315218063831895	0.22885371256736287	-1.25406658840644	-1.124558400085529	-0.9829377753977365	0.3352142484852084	-1.0123170483041244	2.200063070177798	1.0
+1.670363735694652	-0.03556494321593573	1.7592781274608404	-0.3906011144974503	0.17330643508468732	0.02465819184527628	-0.29815558626716104	-0.7970659150443112	-0.49595382517418246	0.40757660860877026	-1.0
+1.2202692560135844	0.03229238329996405	-1.1981073849082333	-0.4214550884613505	1.2765252150097819	-0.8244559972336173	0.16831774495545215	0.3407104036272502	0.3665645115721216	0.6992039770614036	-1.0
+1.1803990642389457	0.7849285566487495	-0.04411031424826271	-1.2991977101534244	-1.24378961653831	-0.8882587172874911	0.6552377308425099	0.29407641098794385	1.2798244569944695	0.2639679747730117	-1.0
+0.42223382183559277	0.4410102078256402	-1.76433469052156	-1.0379034152875333	-0.5329051455407836	0.556312454343977	-0.07465415940643023	1.5156756769048454	1.5012677690061458	-0.08804594714090232	1.0
+0.20145237127852006	0.8617274066619837	0.4281131516222606	-1.6395886344789585	-0.5001386609205639	1.2122348828376506	1.0750531168449224	-0.30204164768099323	1.5672054894109877	-0.4809997761022002	-1.0
+0.42656490041747375	-1.6154372146800917	0.8344086920565056	0.04285999841848096	-0.5607131392689704	0.9897349611208108	-0.4876534909893146	0.06144366936620214	-0.3579392422942139	1.3532432424211263	-1.0
+0.7581370381905753	0.041709875072353145	1.548371837130944	0.44615397385307126	0.37795623825820673	0.7938581903204042	0.0717156812616806	0.16570334435712133	0.273438620892278	0.5274392238323662	-1.0
+0.5861314740245883	0.8215478536344504	-1.3987669958619475	-0.5276598627409237	0.8678837127942007	0.5892878304868344	-0.37007350724000343	1.3591897455170803	0.45474712460286126	-0.4567168512386868	-1.0
+-0.9149365162599812	0.8948750837787657	-0.22718121748398107	-0.9122170853998777	1.000773601836122	0.010576429155221057	-0.06591109463815137	-0.8589139445741765	-0.4557205812019819	-0.3306796044301175	-1.0
+0.2172847089580336	0.6441887753414799	0.3087708759637136	0.24417051159520503	-2.045385214003835	0.1928703996403687	-0.6922873181592798	0.052994867285180484	-1.5746669531622286	0.4881263105613174	-1.0
+0.8134490654196929	0.2626718746439137	1.080620476940841	0.5501720420331311	-0.7864094533844547	-2.0287165016242206	-1.2866942838316235	0.0510781169176909	-0.26054659550527715	0.7330837100891586	-1.0
+0.7930319568894109	0.9274619942673744	-0.8346166874598264	-0.8295576553986287	-0.8487383006593401	0.7794481454235374	0.34872680815552876	-2.109821467762433	0.816972160509811	0.06886363038835114	1.0
+-0.10731119602437678	0.3729451366683868	1.3501370582186978	-0.052529553086643435	-0.7617365683673564	-0.4150822555523749	0.4164527157796339	-0.4194809178397189	-0.1937388978694946	0.2600329629171471	-1.0
+0.9606180697579618	-0.9504030441422481	-1.6197877704817663	-0.42964099259014477	0.31971645624364886	-1.3437796406646807	0.5480281542450447	1.1314985553155426	1.3905025048812847	-0.1314692625883985	1.0
+-1.287468618622514	0.40496294274878475	2.218071246691521	-1.2588219931386826	-0.7933749941016398	-0.7835484334379168	0.8396105170404764	-2.487998453142873	-0.5667447073617713	-2.1455911400313394	1.0
+-0.812093340663732	2.257537114791456	0.009939963193399936	-1.2400668653331124	-0.6497828446323857	-0.7475060862185965	-0.21557490786816713	-0.8041948582203294	0.06071636352128137	-0.5806305150754706	-1.0
+0.2682086107765912	0.304718868476442	0.9814887038286377	-1.2151953249389642	-0.4870638466484836	0.39158976252749916	-1.1098547492690547	-0.7747648051964164	0.7372442321968752	-0.4126203802823668	-1.0
+-0.8842240971689533	1.010077195761483	0.592281601519115	-0.28259231343089714	-0.4762217972646684	-1.17000682284075	-0.3241984323393628	-0.23457258001534173	-0.4572285017698033	0.47522218420848195	-1.0
+0.030762047581689128	1.1968550088525955	-0.4427549522116212	-1.73474071943958	-1.546249536889642	1.1422542459744682	-0.9185616167998437	-1.8802519044801238	0.2936427830550621	-0.5535006635785215	1.0
+0.6342862996062856	0.42315283906529855	-0.566835660586692	0.949663386163192	1.3345034070449466	-0.28803192280422135	-0.8136248894257183	1.8196625315581354	1.2903137460373246	0.9058606554525112	1.0
+-0.3964004483243987	0.006885771474221146	0.6878023187203731	-0.4819126927517942	0.12744507780328793	0.493549979919399	0.5451297042685033	0.6981601846814055	-0.24841365258143674	1.3309812301763921	-1.0
+0.043081755053684036	1.1928564143047624	1.2208512190387115	1.503855065176716	-0.03126414036003981	0.11434103239023449	-0.03477786739767764	-0.39114277682868603	0.6393289689048027	0.9721896058438348	-1.0
+0.48740768115653416	0.5972384319664858	-1.211417308602476	0.0053164002020982095	0.11590668019231132	0.37847663814505245	0.9434029331257853	0.7685438947305734	1.0459674645011268	-1.3745045361553685	-1.0
+1.0584508841013878	0.22713866525531784	-0.16912573928141494	0.4028231886373576	-0.6568467082686377	1.4460173555136167	-0.6441838025244897	-0.17408450566823505	-1.293762812335712	0.8992364098849424	-1.0
+-0.8041785058518202	-0.8957832729873768	-0.5939842226155095	0.42942194478687956	0.30161825313893276	-0.7024317273725161	0.46595002519068385	-2.334960169878108	-0.24754911610713873	1.3271846163072683	1.0
+1.3218959447958882	0.8652803346512088	-0.26277156966496096	0.3529212274456727	0.41037840081212346	-0.22952282590546616	0.9217977506912988	1.1123568575660039	-0.783155666367329	-0.3812421450852136	-1.0
+-0.3758755836723324	-0.13027102464800971	0.9724592743409326	0.1745284952645874	0.7774935857462663	0.5932571696167707	0.4648171195250859	0.2609694338075983	2.5809515851400366	1.3607258302145582	1.0
+1.5525682396858473	0.043740081579181495	0.15540112254121666	-0.5415018450546967	-0.044803655604507754	0.07574846594069407	-0.20125688996186833	1.3362122645997299	-1.1074517947874625	-1.572604099018963	-1.0
+-0.5785530629917319	-2.1967849394954246	0.573748819851516	-1.117092889397217	0.3681496475656644	-0.4646486826456687	-1.475185824516571	-0.8854538622095302	-0.8598705922750521	-0.14153325880548187	1.0
+-1.550077946880161	0.6262103589277587	0.300832638738873	1.8070878592081654	1.089424511184675	0.6599884531763286	0.043879192835943	-0.015411234188927828	-1.035767342780931	-1.4562300435604574	1.0
+-0.3097549730974644	-1.5510181176090414	-0.4656146933047815	1.8460663422571821	-0.3172327937403004	1.2177978414468194	2.0991202767301065	-0.5317779356616855	-1.2279356842375762	0.5918511156484865	1.0
+0.47842864486558856	-0.4270611372646378	-0.1407562653991164	-0.08288552702977135	-0.7298241796140613	-0.2508850853037745	0.03089862106518476	-0.8388011689033451	1.2944155056075937	0.07624759046297848	-1.0
+0.20394721781105007	-1.3570431433091281	2.4077983236465594	-0.962243233355043	0.2345460837039892	0.7665734475461266	0.7770989847887418	-1.2996057778915726	-1.9978767195822502	-0.657532147934541	1.0
+1.2265004679352367	-0.7042064353904792	-1.550613331042651	-0.5457492268432188	0.302737308195365	-0.021070439928612572	1.5875663726782925	1.134367560906812	-1.6837674024969136	-0.21455170267500023	1.0
+-0.4778059407657202	0.5905482262692926	0.7917886049825001	1.7612070396364892	0.49321105095236045	-0.5746301357426418	0.5225998612235028	0.010548430482986218	0.4765034321199638	-0.054665397810476565	-1.0
+-2.329032020685893	-0.480034848698519	-1.0194845974040088	-0.4738753841397438	-0.059529617874641685	0.9727765763302447	0.9271281476523912	0.7469119221152566	0.08184405505321461	-0.14787744133489217	-1.0
+-0.5207607417581456	-2.0404656226840125	-0.16525161657267853	-0.6970980882373636	0.09591839212447202	0.4928578621441277	-0.24800396169306144	1.318089313928051	-0.1078298165735197	-0.015330688913143969	-1.0
+-2.0053539052346134	-0.125268443514992	0.8480846821486216	-0.3340725207744987	0.4060157998249696	0.060036913703460405	0.16381096561084577	-0.1934211327141587	-1.1997426907748776	0.573753416072831	-1.0
+0.2176146104003808	0.7092007027363296	0.6359959069915475	-0.038180509062154255	-0.9856954449048512	0.07293118511755745	-1.5719176707246059	1.500993836439813	-0.07974733108585311	-0.06508282263424196	-1.0
+0.7907350216921835	-1.097283410421998	-1.1182892240959406	-0.6605072931085987	-0.7201169087580512	1.8959014066917472	-0.45098608550998853	1.0480664966647866	-0.4686452558263756	-0.1789060105301107	-1.0
+0.3441478435367561	0.06531730551833154	-1.2144657318363457	0.296680415688413	-0.5621958087997053	-0.10939770399333831	0.5521499775709101	-0.5838628227770618	1.3061691358948138	-0.008959640067695302	-1.0
+-1.4264518150258374	-1.2159718961699413	0.5767277968997007	-1.05636818811771	-0.05474421010175987	-0.7421078856116912	1.1800188146092347	-0.1090445092763792	0.22216697625058748	1.5489652550024744	1.0
+0.21711705251518962	-1.6035056906335865	1.5746997294821743	2.1369937243891757	-0.7207520950350033	0.1684991685634806	-0.22682509046804558	0.06179249863432849	-1.5327459883798449	-0.3516434586179151	1.0
+-0.6751272026971931	0.04946596634318726	-0.011122110427248456	0.01165510832772308	-0.4580316955277177	-0.3593628892744017	-1.8862436347207971	-0.36463869926146486	0.5261845570472659	-3.0300551772549484	1.0
+0.6064894657529576	-0.14484717339783695	-0.8389666681266642	1.0870281631255942	-0.5899733019193296	0.29698638963619417	0.36204675164827593	-0.14550696454399012	1.8156889060203338	0.3215051509875514	-1.0
+0.05574563807959628	0.8350230403039408	-0.07254328874102517	-1.5029397641262185	0.4532912914528893	0.07156011474950116	-1.3455629231560788	0.17377916824606637	0.860140112837955	-0.35149035702500786	-1.0
+0.43290441680843983	-0.529758558698615	1.4681728693952845	-0.30446253417163077	-1.4085893809488943	0.25445094439468985	0.9754782077369579	0.7287359851339755	0.6268195045585022	0.0804735863820177	-1.0
+0.3203512446673684	0.5740482559165945	0.06388929630011768	0.40756766357833196	-0.30859637071677587	-0.28716042086706517	0.09855315760934241	-0.23568933162374364	-0.4175757077103436	0.0031845686010782623	-1.0
+-0.7629418064132997	0.5418008298166194	-1.3253080812615163	0.664862096778128	0.5516750343838924	-0.46364623378228814	-0.3048568712819561	2.1964585439751287	1.9823362121267714	0.3119703338922337	1.0
+-0.00711602945905588	-0.6742129795948965	-0.5517670270970441	0.109970930455652	0.7975970043006488	-1.8636926405847212	-0.024125167290864082	0.07414126722661205	-1.0419979580976164	-0.08814754644588609	-1.0
+-0.25205744790946844	0.667549503155191	0.16939262580974515	-0.30509262258005226	1.6258629640394058	0.4860250243418818	-0.9623443791171259	-0.5717014069724161	-1.8356949079407068	1.6006410438969276	1.0
+0.21108169090371104	-2.4903803848274286	2.529884395685313	0.2660396197004838	0.13413276624512285	-0.9417063505696913	-2.0008526773627575	-2.046550437051056	1.4463093448027144	-0.5693975792240232	1.0
+0.8891249687962699	-1.0931451548385078	-0.04599296606639442	0.5991383520644563	1.0996450445508072	0.43827451870056516	0.40397908972726193	-0.05787137425813765	0.20267270445617297	-1.988051318055362	-1.0
+2.1566348538242948	1.182190011208712	0.46002870875495916	0.6065138433388829	-0.13378232964687178	0.1551239409470314	1.3107640999207995	0.3006048918147903	-0.7945990334219208	1.8824725503913773	1.0
+-0.4870236753289833	0.2734690559706254	0.7034394200559051	0.1486063750703915	-0.9859836183475853	-1.2393386854674935	-0.17454720312006064	-0.9373388431380257	-0.2713292739373874	-0.6114481920760007	-1.0
+-0.4882569361616025	1.7909983495993214	0.11080429162625655	-0.5538007451177819	1.8244185173298566	-0.17150785418097914	0.26749864853483285	0.2664426812770868	-1.0633063146410036	-0.8623983567054825	-1.0
+1.5404464202548727	-1.3165891814083408	-2.5582495084713233	-1.5153187859373176	0.6819880650770106	0.30476115321485253	-0.5729451570892339	1.3598475071667357	-1.0326168701542544	1.0321257676949207	1.0
+-0.5881974565060202	1.169248237394644	-0.992967362960661	-1.646455416046317	0.322554515732417	0.16119791549849985	1.257757592238094	-0.6405230538185984	-0.9198266426362594	-0.11059251862014056	-1.0
+-0.822783261400934	-0.25178077043926445	-0.2699479640878109	-0.035579019339676915	-0.6850722786636008	-1.3672523441925044	-1.5971033705510416	1.3916840168484672	-0.6186141120253701	0.8610461441626354	-1.0
+1.0041069255756705	-0.29377701967902375	-0.6268099837718414	-0.5495365696200019	-0.33250564504257746	1.5601457173091096	-1.0569853726293095	0.659538678504458	-0.9174990317603289	0.9561610008143084	-1.0
+0.14363658230433862	-0.1312044822348028	-0.2177009154985869	0.15825266971506188	-0.0830792756484696	1.259922723834584	1.9555908327880336	-1.0108891078005606	-0.3940634559130686	-3.224019480565562	1.0
+0.8868870600389317	-0.9124957606462559	-0.5062486067699612	1.0704051630100029	1.292502082282948	-0.6068141340776241	1.5626667595735162	0.782219218197163	2.49653822755296	-0.4047168352154843	1.0
+1.1884173388253907	-0.9773469393072332	-0.7728127567834535	-0.7029349280230083	0.1168588947743419	0.19963625401831436	0.07572938948994885	0.8200675823489344	0.3930006621438954	0.6519420550994004	-1.0
+2.305012102174577	-1.5246639918367813	1.335767721609417	-0.8451392061271793	1.2703734843118561	0.6810876810460132	-0.7710020637263871	0.7220321247041424	-0.39640504828766765	-0.453180725373648	1.0
+0.5886215504823114	0.8857057739519909	-1.4234696052169395	0.15293426007595745	-0.19031909076438497	1.5636911282786492	0.4472663251396058	-0.6678843144318307	-0.494585260840339	1.2931249084863172	-1.0
+0.8802721320494802	-1.0888293297963296	-1.3212365039732274	-0.23418947090427664	1.7864826656571078	-0.3958859150078176	0.08279161956535619	1.2446450019661641	0.26614074899748436	1.1768221456716852	1.0
+-1.0845629231217908	-0.09091105623419246	0.8489160548771821	-2.033603391272531	0.18857209482594517	0.8213234335641839	-0.5350054647923863	-1.1323157032269562	0.20094814735063724	0.5273885405206645	-1.0
+-0.7212431155534194	0.2882661797288488	1.4602201553251963	0.6355349515388347	-0.1708613035936807	0.1315280406499171	1.276908988006013	-0.5936679724262458	-0.3881285497259169	0.6860009980882795	-1.0
+-0.24450008853472308	0.07852506816732632	-0.6534588604273219	0.8670665908776023	-0.6567294105245792	0.5242795371935252	0.29525294243596284	1.3428619679305493	-0.5108649831707919	-0.7232381903530856	-1.0
+0.42845526275362295	0.6903719057246593	-1.4646953298607477	0.7391020244962022	0.5910407080485046	-1.4828179096441128	1.091969719602114	-0.5511543655776578	-0.38125954648005417	0.03563583414404019	-1.0
+-0.8233665589972695	0.010416470118363058	-0.5202972140135909	-0.5745338344113854	-0.7025643375482116	0.9405540371000566	0.15914407061116775	0.8284949670950542	0.34566814333619883	1.465646891042043	-1.0
+-0.7601502551387354	-0.6651944208697845	1.5564552276616839	-0.3584225220760144	-2.082250760445412	-1.483221793656701	-0.21305115056302074	0.03368381159851749	-0.021963163664174473	-0.11300632308623682	1.0
+-0.7453567971739352	0.39120077452150354	0.7113323838696127	0.22402584359783098	-1.158951429466654	0.686654082143448	0.5793884384055699	0.23905317041440396	-0.08796670792090054	-1.0539659680831404	-1.0
+-0.19057082585127316	1.261703595828443	-0.1692350602362233	-1.0172563068829108	-1.4903362656179324	0.426748585947168	1.3172841209796415	-0.4880653063047603	-1.022535883884279	-0.8875398378672892	-1.0
+-1.667755548283465	-0.7726258506825668	1.507856857654964	-1.5612581074409126	0.05850844713329654	-0.597695310351366	-1.2240707779850561	-1.1925877851281517	-0.23612824900562993	-0.39440553576385473	1.0
+0.32326223203460913	-1.1002472937654375	1.2581818846925659	0.494981403290545	-0.4335961235322077	-1.1003861988188197	0.09353888590127643	0.15583128603312682	-0.0687238877514739	-0.18209799815531624	-1.0
+0.9372933225851174	-0.9645811122529873	0.4128691855990826	0.7034773026153115	1.1439000036569777	1.3880207454274796	2.3352381101974995	1.2057390236277894	0.8267657914389369	0.7069983344311774	1.0
+-0.2560390077676675	-0.18507244636547143	-0.02923686727540736	-0.2956866916938884	-0.4751983924873714	-0.5674338688373199	-0.25936057485573083	-1.204636999889254	-0.09147332655119393	0.2238499548470869	-1.0
+-0.461686023103354	-0.47443947166190703	0.13484960917367217	-1.7790828594028727	-0.45387968907879767	0.049387771292638424	0.7861397040723462	-0.9675719548075189	-1.044392602532537	1.9131511635603877	1.0
+0.5813354777082477	0.43379278181661735	0.4667217342922728	1.6924716626189118	-0.6878317325247879	-0.9743122831654715	1.8693905160851045	0.5156533115716624	-0.7499898825677266	1.6258704070300354	1.0
+-1.1995973456665476	-1.3193519021409594	0.35454964757519064	-0.01408252746949588	-0.6344581273386837	0.6738284474047559	0.39078222715257477	-0.2641701539965394	-0.3224102442017285	0.4151650083494961	-1.0
+1.184627772629225	0.5915427868613486	0.4602234862863662	-2.0362691931144683	-0.6219478246539024	-0.4312361681567899	-0.45689114596860275	0.5520043308415932	1.13116660606143	1.0334416629248016	1.0
+-1.5871614687246531	0.10513405462502662	0.8240712316181475	-0.7213716376550832	-0.043018100839395716	-0.48507717426839436	-0.41894927287815475	0.5928307556230362	1.923685113011177	0.45453018432954917	-1.0
+0.48733198308493264	-0.9563326201022152	2.6705370542903357	-0.309035997532048	-2.8224026557039625	-0.19959967643008672	-0.837685861305117	-1.5471003543988397	-0.27606297468972985	1.227570578680504	1.0
+0.8091470958682881	-0.03158540757561178	-0.09984654362238361	-1.689071219595271	0.5623406748628303	0.026225190522701516	1.0635015003248371	0.9660433276583267	0.9439497044361409	0.6589482099745495	-1.0
+-0.2895780425411996	0.22422668821061506	1.2804353141704077	-1.5239415624044865	0.31403076835982674	-0.24938125194037908	-0.3255914889901357	1.1007125996289608	0.4317690668908053	0.4894915887750902	-1.0
+2.0333734666726486	-0.39356635797068146	-1.3661825687844762	1.3704368893535226	-0.3977261298993146	0.32311243756887253	-1.6138584753839773	-0.6639672627813422	-1.563485606268477	-0.8040571358687816	1.0
+0.25937327321437137	1.3696896542156343	-0.5905152219200014	0.7185302260869793	-1.256664288558281	0.4387670293414535	1.4234960585292098	0.47960679398008293	0.5940666184736488	-0.7725076838545839	-1.0
+-0.7241570700297699	0.2505210513291392	0.6437340292421305	0.4608008551134021	-1.3801732011885852	-0.48910736665855026	0.9938270754353438	0.1354555309867361	-1.5877836489271637	-0.3251962191207342	-1.0
+-0.5006886345914622	-0.5971359117681815	-0.5951063404615242	0.6258290634933156	1.438004594974875	0.8572725226897374	-0.417210774832851	-0.8028207575263177	0.7182529528787318	1.0813294873666122	-1.0
+2.6903820085715644	1.1075041318981427	0.4523411541038984	1.014814066362153	0.011111822374902146	0.23262008445848542	1.3331877799315641	0.4469607767101854	-0.47353362144906763	0.2567961194731339	1.0
+0.6894101105221113	-2.0481391205178503	1.3990107947467945	0.5660827428481607	-0.9221381112949059	-0.2555082929358803	-0.6873456663909341	0.532970161610036	0.6623439737454487	-2.2885769227467145	1.0
+1.6223464943939925	0.24417774220142396	0.6368021018951645	-0.04625501932261473	1.3252303290306606	0.40586010064943806	-0.8988530875185584	0.2657328575004181	0.7032045855182338	1.9256937904750875	1.0
+0.24347806178281037	-0.7355403701243456	1.13292557185631	-0.28084765401140266	0.24900614521897146	-0.24094932887516723	0.7150755644096551	-0.971185312018588	-0.010983301325686251	-0.401329922995746	-1.0
+0.6820745330544947	1.8954790640440458	0.3498116612217881	0.10475436745004775	1.429510299206532	-2.0464689625859593	-0.6421671310734489	1.944469210736146	-1.5333816725157206	-1.0732374848655155	1.0
+-0.5718209114697558	1.4104890111768567	1.612050614036392	0.3903026070451628	3.0487454519228883	-1.5701533003632926	0.8328336771215719	-0.1362106945324191	0.3464643320670625	-0.07397958900871933	1.0
+0.792822103968493	0.6556759426284026	1.8490098216542221	-2.7327215851914404	0.38606330143640816	1.66277934828804	-1.2186571114065716	0.8040565311757834	-1.1602432397828866	-1.6919426265913813	1.0
+-0.8930558556198493	0.9828505025037417	0.5433775264170221	-1.400040111814191	-0.11799404057254939	-0.10620124786412605	0.004128814894436983	0.3520283826662109	-1.5377809927413892	0.07370444308376883	-1.0
+1.1150303269217878	-1.9896454782066832	-0.6064950582060519	-0.5363727697825359	-0.39112529088711206	-1.2901658925113282	-1.3958527881920186	0.0399055794305183	-0.7595357408506327	-0.8476976081470542	1.0
+0.6736539895989262	-0.5918589642028734	-1.4619279351170837	-0.3019065416625219	-1.445551430046581	0.5217942602054548	2.0500793296880766	0.458625991756571	0.9451165725464195	-0.6631528644424535	1.0
+-1.0566317482883705	-0.2709519205794703	0.6094125778924193	1.1608514857584382	1.1051594795290447	0.7732620488112756	1.4417776555550867	1.3892273403124547	0.5021800494162508	0.8530621844377022	1.0
+-0.12317417004953109	-0.43764820056338366	-1.4225710963505764	-0.04393125904077979	0.1268251967912454	1.3279952916972524	0.3801997040005864	0.2756636517168448	-1.3411020887000866	-1.094884765102142	-1.0
+-0.3579478222828097	0.04043193407414581	1.0585449181784672	-0.5360427858934034	1.387529369206235	0.6332586339159577	-0.8890919374504668	-0.24201201210893888	0.9284267749528374	-1.3972412863000427	-1.0
+1.3714477744291609	-0.537500561058138	1.147152885235043	0.6642010986141711	-0.25803755463259404	-0.21325102168555546	-0.6979822110667263	-0.1508198332159573	0.005957081716651986	-0.7129888165220838	-1.0
+-0.5214107124286239	1.1538072107093116	-0.36753873555941025	-0.2681207070031622	1.1666370602362581	0.33389253215685744	-0.7956620993072145	-0.6708717974836966	-0.11992067719603312	0.7679060081015862	-1.0
+-0.3375808499444318	1.87010566597879	-0.37037164441957604	0.7904562928357568	-2.5289899263123568	1.6502058499180474	1.1962699647365118	-1.999857324231524	0.32912075125146517	-0.004503186815625433	1.0
+0.2963702385919988	0.000498109048138435	-0.8916974216043356	0.15019075786524358	2.2245519760661825	0.4126089850372183	0.9118717593989546	-0.8449266039868344	1.4121673420106338	1.7761329388478966	1.0
+1.0282199996508394	-0.6706869350419565	1.2538588584257135	-0.24237408039290084	1.156140206526824	-0.647664533603775	0.5869548390673376	-1.3468234158655603	1.026785608846096	-0.0470777569466841	-1.0
+-0.4145609900413054	-1.62933403081717	1.7312843204041002	-1.2482491487754994	0.8642796416473376	1.1514347946035952	-0.25522627107687845	0.6817561439614787	-0.347393710269162	0.9003903200908775	1.0
+-0.8289664826199429	0.7014375295582045	-0.2978850380176795	-0.8180597058792025	-1.552674301533117	-0.8098402893113852	0.05898254346604386	1.192440293716529	-1.7953085172958687	0.07726823744803374	1.0
+-1.3742505280824782	0.23657238095898184	0.11518777206822728	0.8601484788585472	-0.061056357683289306	-0.9109365084829047	1.1749410711100814	1.287929136361502	0.14274569694728628	1.3664083139278365	-1.0
+-0.6177029516525803	-0.14542629092338002	1.2007878678518031	0.9834363902218624	1.5467725515291768	-0.40403052836319747	-0.22231980192999967	1.3664561359599952	0.5255972602521044	0.3950978791836929	-1.0
+0.6578671351207597	0.3099554899556326	1.353857220256662	-1.6601129425537378	0.11564420913482072	-0.6743943984145924	-1.0597981405960286	1.6726149601185365	-0.26141826975460397	-1.809022587732365	1.0
+-0.973512191689968	0.718568701090181	0.5807943197586076	0.9995809654572949	-0.21942790336877527	0.5060242569973737	2.0275482250121617	-0.20392784019318352	1.1762135342372597	0.03360836840082581	-1.0
+0.5935513853079728	-0.4983446734991259	-0.31353516634257705	0.6364487704857488	0.9061379627962862	-0.23343815328806225	-0.5903651142656984	-0.02712766871862707	1.1151003666493706	0.5080521050396949	-1.0
+1.5559527719141832	-0.07849140482111888	-0.07609308560382892	2.2263421030979744	0.9301005220016706	0.98421890976691	1.338733678089164	-1.8245885296771693	0.1430249821742534	-0.7682362220897568	1.0
+1.069220306200974	-0.8933315544655384	-0.16295228209283946	0.18492318791855694	-2.1303787772062184	1.2827612250051323	-0.907148100267559	-1.4660587171829549	0.2498763312770516	0.3719241784620239	1.0
+-0.01801054367017059	-1.2298483286017559	1.2588334601372921	-0.30847610620082355	-2.2865463188650548	-0.21665912798153103	0.2986169313878714	-1.1739479040590328	-1.1662694924765786	-1.3409047749432583	1.0
+0.5958831914925615	-1.096207487467599	0.5845947553746598	0.51498327865792	0.3988293716834935	0.38459173538532054	-0.54290196018588	-0.17355087400264588	-0.8630632284114002	0.3288785157809219	-1.0
+0.4465380104957105	1.8597578839923552	0.09853036210896694	1.229597058329135	-0.0164543762697377	-0.32590627033137043	-0.6515952226207402	0.12014174998403256	0.9637067417455845	-1.0169628286605077	-1.0
+-1.6541365050004346	-0.6676380252659455	-1.4595101443388456	-1.147496647982482	-1.1918949441625308	-0.6107833991691769	1.1045458685217144	1.2642720514623522	-0.4158406471916909	1.0148485799991296	1.0
+2.0378679107552506	0.9516494319857052	1.2672596510633307	0.4402656759813779	1.6621345052604624	0.059411090049989713	0.4236815621492676	-0.6681801958005368	-2.513424172509187	-0.3777370603863532	1.0
+-0.2403911108770551	-0.12864920675812017	1.0256078069905965	-0.52420225034488	0.8247283313914573	-2.095729355809732	2.4996886443885646	2.76666487929871	0.27439112474609606	0.06599643336416447	1.0
+-0.5320856811490888	-0.9153520691414593	-0.049181116674825325	1.0779826475253713	1.1742963127122734	0.907473469833227	-0.7731598897359682	-1.260079829472088	0.05071962738404917	-0.8588650182161854	-1.0
+0.6430549133096143	-0.4935369723582371	-0.09457103530595203	-0.5747833494427267	0.6553894374281887	0.6958935789631354	-1.8568192184629386	0.42969492603499193	-0.2408266020802282	0.28382742682021517	-1.0
+1.1945802525337192	0.6659293763113378	1.2648792273979403	-0.14935061492125837	-0.5293263894224921	0.39900482272156507	-2.6161897646474976	-0.3789963462478601	-0.6272331882268268	-0.662449341623982	1.0
+-0.17968518172709044	1.7231505622036858	-0.3529423989639725	0.13118161335241063	1.0469556535741318	0.3549212560914075	-0.889371699180933	1.271322237451649	-0.13524724196671362	0.5575889536834022	-1.0
+-0.7320841957654951	1.4891084845329066	-0.8118658043333897	-0.23964164867907328	0.5453015855059833	-1.802789423241087	1.3013003324258554	-0.051206760543194146	-0.3008651629286845	-0.35470373687254614	-1.0
+-1.5137701270076336	0.7934707864545291	-0.030734707721447197	-0.16538798771801894	-0.7630082112031215	-0.7415814800356658	1.6887682929476564	-1.2971169644256912	0.4374247811630907	-1.451411343680724	1.0
+0.44196331375671605	1.6512963020866935	-1.5296166153978625	0.9256369214367194	-0.29549584941226364	-0.7614981152623991	1.7085070197757928	1.6238573677606112	1.3357830309533112	-0.8691974685490294	1.0
+-0.37147117589506395	-0.5297280883559683	0.06563992778122803	0.09848319318772951	1.150765216101897	-1.356792487393571	-1.8365542758655509	0.16517254958664995	-0.8934956612685301	0.013593496395206885	-1.0
+-0.4898588200084655	0.2810105309207466	1.7063877148299338	0.06858963398478458	0.20635198292884524	1.6615844726704068	0.3343911341612132	0.06228244793774135	-0.7700163108411666	2.008516616773217	1.0
+-0.0707235291065182	2.798634926808456	-1.2646314978963105	0.24276706806177575	-0.5065974758025595	0.2596396547544313	2.298804718904727	0.23860233099593284	1.1789464269580208	0.503050135185067	1.0
+1.041765743057543	-1.0356918868164315	-1.3301339289547889	0.6775974739376246	1.1662754014142764	-0.8189293102569094	-0.49516362318420204	-1.0290652795892579	-1.8473795944150742	-0.3158434011422041	1.0
+-0.2975436602098251	-0.014706117819036755	0.15773409569506588	-0.11580556973329612	0.05878383535790747	0.5943115890390365	-1.2764993097015807	1.1810097149354593	0.1887396456411589	0.5648209971279237	-1.0
+-1.457237199462209	1.055706690106767	1.181931663783287	-1.5569069826683632	0.18186074461538157	2.080825157389319	-0.4965444874521883	0.10769647557960674	-0.2844154018537651	-0.4930143326128709	1.0
+0.827552452445857	-0.38693980998969635	-0.3379973211078054	0.2664350940467079	-0.06371644937513028	-0.6197934797118749	-0.01784787317509563	0.41600904768678965	-1.5867976658581973	-1.7448323167283937	-1.0
+-0.4752575539153159	-0.792699675335637	-1.0915421956269895	-0.7241530392062815	-0.41939729496311356	0.546394168658224	0.18734703492496577	0.40825395140006854	-0.46003154877447794	-0.18902977495586132	-1.0
+0.11421537220836078	-0.17896067017948464	-0.6443189474840002	-0.5804386090303377	-0.1008511905396773	-0.12295401819929662	0.7350668532151095	-0.22415899799336897	0.8951033396199173	-0.9984909608828978	-1.0
+0.9478956256167513	-0.1630774045003925	0.5828798733719569	1.3674188923469446	-1.3068986264868314	1.0496389317086756	-0.06417220833304803	0.2947174139109665	0.08642878981834652	-0.9115688983124645	-1.0
+0.5015698047975412	-0.1955089025045743	-1.195310657064855	-1.0677700859066455	0.47088635195156986	-0.279366520967387	-1.0424164034728303	-0.4829970010369156	0.9986892725414618	-0.26895349338729074	-1.0
+-1.210035673021198	-0.7093644057650261	-0.5519832833234923	0.3117260157609785	-1.1077518213955286	1.6487508851424781	0.31686250325672427	1.474494975520019	0.4475698394369369	-0.9917419096546439	1.0
+-1.5025978085439855	-0.7222124627386939	0.693072819395866	0.11265106094922224	1.1506362521580102	0.7665164031008346	0.6958493669081363	0.6885644211848325	-0.5230010771121493	1.1412431849707096	-1.0
+-2.0002290731987333	0.1818147926019745	1.7181707168942222	0.22964673863510335	0.15518788333297392	-0.10186026100299833	-1.5507380699970308	3.426347652419654	-1.656097469033636	-0.15829802914209568	1.0
+-1.7212606082645976	-0.7225664417404342	-0.19694290564478148	0.28603889669046384	-1.5651473943088585	0.4109544309282125	-1.7261950482890573	0.9060391364917444	-0.3904722970534487	0.6457874018145584	1.0
+-2.228972088525718	0.8181792074783083	0.13360896860708862	1.2402842381327606	1.4290342596061858	-0.9179968334291425	1.6861600624685755	0.356886826442168	-0.8558658434698347	-0.9373562686313489	1.0
+-0.6094017518080442	-1.789197308535642	-1.1572770230405527	-0.7198256588733905	0.3735767911476412	-1.2294861116273814	0.30303625726315614	-0.327185079658094	-0.8759956978481719	-1.9964164413737238	1.0
+1.127019490583532	0.5743917944553898	-0.04746611062724931	-2.2716831564515823	-0.1766376126601126	-1.0321188121335116	-0.5397791044844141	-2.7375908598942416	-2.644715179395944	-0.17700950280458658	1.0
+-1.2577475157423066	0.243961527460825	-1.6143815309234246	-0.3102223622580943	0.9350473754283212	0.4816391873522124	-0.017802697496814495	-1.2571902962064296	1.130715960909622	-0.6214753268081321	-1.0
+0.26052238149414175	-1.1539221968450648	1.0951816590407766	-0.7289594707246642	0.21381101460950283	0.32659213289094213	0.06427672053858628	0.4793879057530382	-2.6409097427444475	-0.8847384421328076	1.0
+1.8206348282232707	-0.9533095449728651	-0.9217541363226949	0.282611768829301	-0.8345772273030424	-1.715327315142138	0.29032836951935537	-1.152019106544211	0.0705352569630799	0.18944309894756325	1.0
+0.1322398439757701	2.2705096233787154	0.9002742634733908	0.35377527635430894	2.049226707093735	-0.4440302460166702	0.7015676186495857	1.6286798122982078	-0.5915249192837442	-1.0034236831190797	1.0
+-0.49484933164766304	-1.4226326560509432	-0.8289720682318009	-1.5934679480928269	-0.5955511985349945	2.997623894024547	0.47745688417728555	-2.9225862638078723	-1.1177402826355987	-0.7339412611275832	1.0
+1.2143628159904614	-1.0911812177004798	0.2443642046099078	0.07898391637477103	1.1113877803897234	0.28633840101053143	0.7328849043688554	-0.8330411995838021	0.5832444656792961	0.9619141608767614	-1.0
+0.3798375450644371	-1.4112726947552707	-0.7366286773899176	0.35039646758184845	-0.08141452141687437	0.3151454275306065	-1.5141762317747243	0.3552024967459692	0.30899875309000824	-0.9095817982629364	-1.0
+-2.200688381935871	-1.6538446577011408	-1.0129740517435801	0.5858508564210251	0.6423321425432116	-0.7138901914919983	-0.15156729235990585	-0.21079984076998554	-1.0362699015291215	-0.5592438271964987	1.0
+1.2790508824902576	0.41001132156470554	0.35426486897903886	0.5153858377668538	0.023441537742052633	0.13534351648975756	1.9150395863879104	-1.7402383529289844	-0.5004497572792604	-1.20208421293322	1.0
+-1.10489349696535	0.21926218701987238	0.9726888799108349	-0.018157286398667195	1.3745750462703414	0.4656714494963879	-0.15191740503192186	-1.81160600720355	1.019847800022436	0.02848552319525651	-1.0
+-0.667163777605855	0.3363303399751443	-0.1175743319095616	-2.9523465925501737	1.4457446862834293	0.7511825655952531	-0.8420224588992332	-0.1534865009617643	1.5646942050575854	-1.0263106172160337	1.0
+-0.10404120549837026	0.4611038131038875	0.03571343276281181	0.3692529793571652	-0.026663524697772223	1.0568491158187314	-0.3663855468270449	-0.5509824578255077	1.1253846521806303	0.5408969434103491	-1.0
+1.0971398328659332	-0.8245359388825367	0.05973171388334523	1.854574941567664	0.3502225206938824	2.3781575033442013	-1.4409850729168756	0.20062779797551314	-0.24554977201170222	-0.2340730624238471	1.0
+-0.24596366223695287	-0.2989542037802315	-0.5782210766360456	0.881703665367953	-0.8500325012235939	-0.19354853206284978	1.2905574749798052	1.9841219828206371	-0.2476902211024655	0.15002127868191847	-1.0
+-0.20332729045804981	0.32095551007581974	1.3673019266636413	0.549999613770745	-2.087852907067498	-0.17514903334113857	0.05949712772737453	-0.7512111792701578	-1.978829748678407	0.6374129349101462	1.0
+1.4278840374729076	0.5103964314082249	0.561392516603045	0.46546409237268976	0.8523885424206551	-0.18384348386078206	-0.5516176324289298	-0.8668447960069825	-2.160169086728658	1.6124130875356375	1.0
+-0.8110194607764428	-2.232767904663314	0.5474679008881177	-0.9448151194061614	0.6034796284460529	-0.21223277967796786	2.323021192482904	-0.5554295947368874	-2.4716959035186004	0.3694162711429651	1.0
+0.4072455883630596	-0.3717092219877192	-0.3061291689172295	1.381539236389534	1.009433887915633	0.04218161327814536	0.1741561173590477	-0.039390655632747344	-0.8954100881176763	-0.06650209794420349	-1.0
+-0.6644973894358468	-0.05493485283316142	0.34152989940336415	-0.014279900060310735	-0.01294350729225534	0.7852746514303772	0.4817440458410018	-0.43649932754568666	0.5364258610037915	1.1758443343284652	-1.0
+1.179026694744773	2.4721563097134527	0.058611133802659705	-0.09335167669153055	-0.9449377507903354	0.28325320236551177	1.5869142295716243	-1.7981417794339445	0.25752565002048666	-0.5360605133287678	1.0
+-0.32599854890049795	-1.1783516211753546	-0.13978800468778788	-0.8812299427739165	-1.176152892662228	0.877674013387822	1.2557083775879052	0.7762992922452439	-0.24412595480216942	2.1643182317872913	1.0
+-2.127154916633391	-0.14051362375785842	-1.1945718092811175	-0.6640208186620827	1.363745330015737	-1.575690810027716	-0.3629427134227748	1.2960045055456546	-1.466609995839262	1.1696274151399713	1.0
+0.23478386222952033	0.08114152731577588	-0.2938659206718362	-1.6240007351666261	-0.0847553199653131	0.09206688710174818	0.6543785892496186	-0.4596130664539856	0.07805069679884248	-1.5300587166209134	-1.0
+1.1478865412422605	-0.7882157143733222	-0.45293199733959116	0.7239972901541557	1.6870123347850203	0.6466402182539814	-1.338953765469253	0.8679676280542442	0.2706576861046064	0.4832434683830727	-1.0
+1.4391762991284605	0.009953531578210486	1.1713599885971138	1.71156148068566	0.9517061087085814	-1.0477864401408559	1.7224415732133154	1.5920771653798096	-1.878067338813318	-1.5670090193500186	1.0
+0.6034645087015837	0.33726557186125183	1.5174562894404113	-0.1847851498684359	0.42213822573025583	-0.7066218183068147	-1.1085724219986064	-1.0443376478136916	-0.26253583512121065	-1.3500805598535226	-1.0
+0.011900192578847205	0.0447486934539933	-0.6694478912096556	0.03505576610606573	1.444790992439874	-1.1748885030718343	0.5990579172727081	0.32971424483596806	1.4554254586263082	-1.1225169634471888	-1.0
+-1.1879996280466087	0.17738405395775073	0.3626521777655637	-0.7188427045680671	0.5360462147668751	1.0802365728301577	-0.04796144979153862	-0.6517602944583493	-1.0872012072676813	0.26117061368037797	-1.0
+-1.4406514348483919	0.6274580907883316	0.9190747494930855	1.072766035929458	0.14206858161522082	-0.25940384471044614	0.9165543925666525	0.3401232422298211	-0.7650443848795537	0.29934606915522294	-1.0
+-0.33364752468431014	-0.05687909821065355	0.3757502887991931	-0.6981227288316935	1.5909606122634548	2.1100320446202576	0.5787706485492563	0.8000043191716834	0.05887124500658498	1.1383404393695453	1.0
+1.1958614009096546	-0.7122525519201788	-0.19653229978086684	-0.02186363431580261	-1.3702120761942027	-0.06704471691161183	-1.4303831433655725	-1.1651920018440203	-1.503559583673425	0.3766411959390616	1.0
+-0.14855961046970886	0.586078367322095	-1.0894455407393349	-0.34943091478728067	0.4670700292350343	0.3007044743099156	0.8956534766112237	-0.64579094888386	-0.19618341288583838	-1.78347618997072	-1.0
+0.4930630649431416	1.709083549645615	-0.385987341860741	1.8188461798509976	0.3253602659988157	0.2655997713181711	0.09623612517500411	0.270321905034206	-1.186096137704256	-0.7629867724526466	-1.0
+-0.7237080857198568	1.3510727268157339	-0.8740699750459276	0.7952195654208198	-0.8967581866733318	0.15853867964023366	0.6377342300086883	-0.04950632436388818	-1.6457295160811884	0.8307872269588396	-1.0
+-0.12311031645870449	0.7494335475931322	-2.316226341371195	-0.13043344824381362	-0.977671724973839	-1.011123121505216	0.7743699146838741	1.2046112434347698	-1.0478069448456342	-1.591392604999524	1.0
+0.5425825297491619	0.7191861223111867	0.4392063113827549	-0.17071357052649358	-0.5387548320332208	-0.4035356111972372	0.015942007147632973	-0.6043234009638729	0.2115005513336876	0.5523351743309721	-1.0
+0.08644449107867318	0.46435503053358457	0.2174119120870782	-0.9264327014747201	0.16591322601209657	0.13374800789387606	0.6739734527312715	-1.6975424375158885	-0.161838097562243	-1.7437207969862627	-1.0
+-0.19760014881285567	0.9540828715753348	-1.0708260325335905	0.8337916760656818	-0.5172400997703266	-1.128192540421358	0.1293219963972741	1.3794551792074108	0.7349875457975169	-0.7447791472978427	-1.0
+0.5790636405203363	-1.707798805689775	-0.14260892879051087	0.7570176685358377	0.26035283368985435	0.06350044503165483	-0.720437316874283	-0.9752731596996799	-0.989052435698505	-0.04573085255530376	-1.0
+-0.5984322870506361	0.1516029437972762	-0.3619430736835377	1.5202223109663804	-0.6156392808907812	-0.8314847188875596	-0.003258206883646395	0.21896054392409264	-0.08642492387118261	0.8697758221191882	-1.0
+-0.49790975255572106	-0.7537227142797539	1.1580320714764833	-0.8001721876874366	0.3377543531556932	-0.4089551209433057	0.3283409422355284	1.6318294722998599	-0.5444562240229246	0.6610079855570496	-1.0
+1.5573226889310967	0.26847193247548395	1.1146721845439542	0.39694566566301576	0.22716430231049964	0.6051137248633215	-0.009229211415206546	-0.6427189091645626	1.6139039970918283	0.8373088226697295	-1.0
+1.5540278809740244	0.47233011633196353	1.0109406800059522	-1.1204734870087099	2.58572585634415	0.5308655081835622	2.2835624959318936	1.3551932915393834	-0.30116738523343267	-1.8336218266103173	1.0
+0.010367609673668078	0.4626798403685797	-1.6848391622767789	-0.828398728687395	0.7284596742940738	-0.6159655108514938	0.43088111031770165	0.6570099155736809	-1.0032777458440147	-1.9403269842772035	1.0
+-0.4605880598296907	-0.6278224026519852	0.33516304000569785	0.46582037277677235	-1.211136310875725	0.730186768168593	0.17109213528661146	0.28105712023049284	-0.47366438419136303	0.36745183445024576	-1.0
+-0.8695549220411873	-1.009490010243323	-0.7501471264409213	1.330991378737741	0.6336185008725773	1.3160923718788806	0.3149574003164134	0.09591614116421367	-0.3362925990862751	3.9178991264805694	1.0
+-0.7631139946003125	0.2540748227999222	-0.6395203739853162	0.7377358373860154	0.4622874069033517	0.4536443649513562	-0.28142438355659777	-0.4819463581594457	-0.3803256401933961	0.8549936158096458	-1.0
+0.8305140260822658	0.42725094266779534	-0.8557374090296715	-0.3306885942250297	0.7846898344369113	-0.22829269578879172	-1.227430618524088	-0.790870769717509	0.5262312890080292	-0.7107267717022601	-1.0
+0.8619573022120531	-0.6338216546660729	-0.5691698549509037	-1.7768363392351418	0.3907508318471092	-0.3656551435106351	0.36984105428562686	0.4735371806406665	0.9846578452670405	-0.9775799707116536	-1.0
+2.240286678489253	0.9453887441329879	-0.04706661880093536	0.03601986296903138	0.4721270266209789	1.0765222482996917	1.575660421069471	0.6853653207299844	-0.7651894560375218	0.603600754227709	1.0
+0.6667993518261659	-0.08644894941362449	-1.0382019236979891	-0.34952626696485023	0.7029792981523911	-0.29961717381533415	-0.8058013093284192	-1.165266606664471	-0.621296923372177	1.7988020985177449	-1.0
+1.1010584230990212	0.3072081925242858	-0.4032504165397899	-0.08734419071158782	0.42178114644693565	0.46271354405073545	-0.7897788073857462	-1.175313864117199	-1.2582043428772343	0.8046477103738522	-1.0
+-0.722305857446614	1.3851927660015322	0.4442414287898577	-0.9017031417531461	-2.430551790605246	1.6731269196598406	0.4418974651066538	1.5744359303070279	0.43239257675777865	-0.7531819092288652	1.0
+-0.06000377474377536	-0.5185048572352035	-0.3431640290171769	0.3710588758937117	-1.6899669192766733	2.4379529688262793	-0.6659917562609102	-0.1315290327962882	-0.9915147556997048	-1.057871600527874	1.0
+0.6478685388318935	-1.0640611545248184	-1.9839655069597413	0.7580269658875148	-0.5343053355206583	0.7764635040547435	-0.9448261544778741	-0.042654718411194725	-1.897073485463844	-0.13802549476376083	1.0
+0.04222121088277531	-0.8383896011055055	-0.8298649337654035	1.070101272807431	1.0397878465514687	-0.1000100625386849	-2.806267810407435	0.5095774026940543	0.6315684293243414	0.7870169509176402	1.0
+-0.7951444680912696	0.004131641233997006	-0.43120521913233884	-1.8770520460564724	0.7619632642815342	0.6609463433373598	0.30251965827464994	0.5229085561802035	-1.0791073459823364	-0.08403509352743238	-1.0
+1.4103732405304623	-0.2894296159230318	0.8353211938724334	-0.43403438123613886	-0.7306968444741603	-0.06057450818949645	1.0167045396668786	1.3978000555267196	0.4094351156189106	0.821971993653043	-1.0
+0.4421875021299827	0.7424983207486066	0.4822750681976806	0.563546690865297	1.3271219746302187	0.8040925906312999	0.2006065550832896	-0.1920211857042576	-0.3241916662899406	-2.154902088983508	-1.0
+-0.016702818285357083	-0.8239673132267437	1.2890785876462294	-0.9658668761164294	-0.4495795660328275	1.9845000419670433	-0.08093183202978302	0.1985891464145951	0.470777341620561	0.84246828335084	-1.0
+0.8044280902902122	1.4477114138743306	0.6087060989826232	-0.6823922107229569	-0.23030409299262436	1.339002052253702	-0.13011180685287327	-0.773645714343471	0.4647129613598037	-0.7985681053955199	-1.0
+-0.8798605123817977	1.4739982643075782	-1.5895761731040872	1.4877664906617547	1.2208570597780577	0.18707192084173438	-0.15353100273334652	0.4676649546300929	-1.5909541221925643	0.336048801184586	1.0
+-0.056656647038349175	-1.333890591508568	-0.8384830634684104	1.5751861832829182	1.9052943261933228	0.20169139209495326	-0.5581762183367424	-0.6725333609597174	1.1490334624047855	0.3397835041720595	1.0
+1.4404112094490558	-0.08914216289670175	1.242691368706812	0.06459824173463265	1.3664085041812115	-0.6158677884173621	-2.1234238226612137	1.8961241402071374	-1.7880681039537245	-0.0054695547820415285	1.0
+-0.7992880810328112	1.6219322226213995	1.9033479322035607	-1.4658975417549789	-0.8060513383908212	-0.6778395119608517	0.8587368420700929	0.26134342436619235	-0.6193878799729305	-0.8059233603811542	1.0
+-0.014356284374513814	0.5916083353307366	-1.4629084024167327	0.08646805062911432	-0.16522361565046476	-2.7511336497466496	1.129356161717709	-0.3045810444158399	0.4134018060836441	2.347288429529611	1.0
+-0.35499690027344866	-0.3739899668533323	-0.40656402161935423	2.186330247223124	1.0812097753668817	1.0223869823644511	0.5216419986125689	-0.5983936647486776	-0.2821180040404658	-0.27475291255240286	-1.0
+0.8268222139496569	1.084539697345049	-2.125024838237772	-1.691151030807077	-1.1188040908335615	1.3081183052888026	0.6387207644396757	0.9098668361505023	1.2415280839881264	2.1604603193615506	1.0
+-1.469311159163248	1.5877747018789503	-0.6386796412859186	0.7991050768024419	-0.8823165567922542	-0.6477088069451932	1.891387391245951	0.6225135845708214	-1.3445968605444794	1.3576955948109783	1.0
+0.39688444675203605	-0.37818545739552684	-1.3743040484453724	1.1247472326490724	-0.12074950758944443	-1.3537701546674992	-1.1487926258748737	-0.2661090363290886	0.5755929307555786	-0.16842459782767077	-1.0
+-1.2319399457929114	1.0753484918308136	-0.4364848072972877	0.961846698777007	-0.5973549344947886	-1.1473860997144998	1.630050333285944	0.09092863303458283	0.9978192323749058	0.5163540875155731	1.0
+0.854824111360941	-0.8477277146239373	0.034651108914967435	-1.1947262794875533	0.6882284023612555	-0.4197016166071451	0.33114065599224757	-0.6122478439331578	-1.4226188425564172	0.5571431266336185	-1.0
+-0.8776632164586755	1.489560067246541	0.23455230322134296	0.33697129916634444	-0.5447184407035636	0.9801492499276867	-0.7519229092797274	0.7608220755422552	0.6046140127885414	0.4291609190932962	-1.0
+-2.3390138118824746	-1.0078762308511238	1.248878380423698	0.7593570132144764	-0.878537095498017	-0.44547073148707816	0.8746312876783525	-0.14433634679565965	-1.3261339785179327	-1.0395070841778464	1.0
+-1.1290667448431106	1.335042102648604	0.7378671718289992	0.7988254264686969	-1.1159295831763427	0.6330565078732957	-0.024596090196176718	0.040014507587608265	0.20582742402641044	-0.0323216387431032	-1.0
+-0.7021941191386054	-0.4377681752381096	-1.3108599118187088	-0.3792625443529263	0.4596573785670042	-1.2059877314822474	-1.3472299654958917	0.42711725955152713	1.3453154588129572	-0.38267172064074867	-1.0
+1.2296751091362668	1.3349176314791316	-0.4971311516767649	-0.18551285976455387	-0.7570778917323208	0.4631375514784162	0.15795152114733158	0.31254916752893275	2.555062527512526	2.232440789481679	1.0
+-1.442933310521321	0.15710555935123083	-2.0405762401686807	1.030324812098727	-0.019976103820154394	-0.6082296222647836	-0.7338579115972746	0.242274380680209	0.5467668264821552	-1.2555755620361497	1.0
+0.8053314331777867	0.36747841001522946	1.0310092613059263	1.4433519460764361	-0.8167701295151657	0.8801667096600178	-0.6523315358673497	-0.7408051943901357	2.44339079625141	1.4381981827436423	1.0
+0.7511056771440001	-0.8770955739823076	1.2789330946611885	-2.467351849124735	0.629758486994065	0.018081056533865776	-0.10506868573290136	0.901764620854377	-0.2468194038086151	2.3293216047371725	1.0
+-0.8008700780224692	0.3207591820846626	0.3090089766508364	-0.22307657149835883	-0.46665708133433276	-1.3153966489405313	0.05441421983433151	-2.3273881654402695	0.5432261076938097	1.5828752142474685	1.0
+1.1496355003893737	0.2115500279785884	-1.0515210775075845	0.14876961891457946	0.40208705782088444	-0.5565852963096805	0.43804468442489847	0.04807191494792202	-0.6927271359672863	-0.771065635104893	-1.0
+-0.43125998731715176	-0.04935975692531068	0.18537953139362964	-1.0143996698639963	-1.159398372525735	2.81426142828748	1.2490772687157963	-0.23231055106020515	0.5279191696529341	-2.227818822153256	1.0
+0.638331703646564	0.44453817353625236	0.31620249281094676	0.39082706798679884	-0.20279411160417146	0.7940070914471403	-0.6351819149565319	-0.7174997744271275	-0.7229137351493592	-2.070929626626636	-1.0
+0.031027131166737786	-0.08899637935994086	1.126714400915266	-1.4470008725475805	0.20008964068942484	-0.7644531978202432	-2.810918957268837	-1.5769145837821026	-0.9531038954686568	-1.1943984214222525	1.0
+0.25269606493459484	-2.2397147270107434	-0.3419642756493722	-0.2862147411577999	0.20483727924787923	-1.002752773864165	0.6279765067823169	0.8057610864645552	-0.7735138925353549	0.5348328031431303	-1.0
+-0.16568236734369685	1.4734823360978715	-1.5281564596259438	0.22273610209566913	1.0921181078100506	-0.16714221113801603	-0.14695867789316983	2.280205547005377	-0.24509605553609928	-1.9402041032228916	1.0
+-0.49909691632594283	-1.8087763216217831	0.7488308794352886	-1.1105602949893014	0.016921613029097806	-0.6460378946927665	-1.7269171373131658	0.6092168088900115	-1.4835969759269831	-0.36168705796038325	1.0
+-1.3218103142199245	1.2227633836229368	1.4920072959116455	-1.689611243510808	1.414987925702393	-0.30320606442083453	-0.5725596124312812	-0.12443791852776763	-1.1762598005607743	-0.9648588988141527	1.0
+-1.1065582929163005	-0.3833629238016473	0.6028713165417118	0.60041360105914	0.897685405591141	0.7779434384449799	1.2637310930098384	0.057991562548548134	0.525735610880449	1.384753670877492	-1.0
+-0.2680505384656548	0.01274589162124535	-0.14882169498622547	0.5102443645777235	1.0714918792151427	1.17214556708263	-0.40452955556706127	-0.75317427472899	-1.4098581198270081	1.7000972392636722	-1.0
+1.8133014251877868	-0.9047693113016355	-0.8067439444679024	1.5137303722796018	0.4179928185209308	-0.4051026388113374	1.2657191737832663	-1.5172074422305408	-0.6853647230881365	-0.6759637910240962	1.0
+1.9572995908271196	-1.5005361280224971	-0.7798707003208659	-0.03190776344687813	-0.8264027633769097	-0.756145066301578	-0.20467480347170786	2.9406642861308376	-0.40797451935247925	-0.7225475547801666	1.0
+0.5710032794205533	0.12552943756383858	-0.12195321648184583	-0.4394360524170146	-0.07857363303547235	0.653968925580196	0.12343371369065065	-0.8643943751845375	0.08202372730040644	-1.6721004797114072	-1.0
+-0.12050495932913016	1.1086471847968622	1.9755254724727618	0.11325710000390604	-0.3608263221330381	1.1444010073479305	-0.00928488811062393	1.9561501304452062	-0.24783765363783344	-0.09413620401471813	1.0
+-0.26051333625794815	0.31042790874270604	-0.4391634527099853	0.8141507186251805	-0.09279418101250143	-0.5083004796918649	-0.564048203086387	0.6901990754560869	0.5665343525206199	0.39560085304437703	-1.0
+-0.31035667014495405	1.1186684761422587	0.4517221158547131	0.64346249254577	-0.4648392721874404	1.0156301415848923	-2.1294510893222984	-1.4207674708030418	1.216416144259646	-0.5413459098184203	1.0
+-2.5271560069557935	-0.34422528533534086	-0.3759236963623971	1.0511980460980275	-0.27908043678767824	1.6720696276992573	-0.4782584493446373	-1.110366523670576	0.5436925546465807	1.3702514992521468	1.0
+1.031458157764682	-0.9169558321662418	1.2675053194875832	-0.7128144275547872	0.7575914561216447	-1.7955522197428653	-1.3324532211140394	-0.44867718347668356	-0.6871917753516159	-0.36720643153273974	1.0
+0.1480861217036691	-0.8158440616782565	1.018900047898114	-0.34498133856582375	0.12729348296242693	-1.2765830978013972	0.43020337999628755	0.04054553746089331	0.4342045736641941	-1.1213027248052634	-1.0
+-0.6714745016226634	-0.054715488800556794	-0.46152588985705545	-1.3626835096163432	0.12775592757116003	1.158914804643106	1.8753278785795493	1.804423200508514	-1.5370451812773018	0.023098533736971946	1.0
+-0.9786618991137865	-0.15754340007566459	-1.1275660260241311	-0.04234956090135482	0.5169410409172467	-0.8049805715645887	0.21294881549124206	1.238171385991334	2.085169375953915	1.0347214539154188	1.0
+-0.24010529382217657	-0.19524692631801396	1.1354161635743873	0.22827644747435014	-0.37922439478155306	1.0363394175058795	-0.18301239460462024	0.6397960972748913	0.48266740794092045	0.5873086472923704	-1.0
+-0.7568538324002407	-0.23534345607386406	-0.6413823926489902	0.634853710220246	1.1710851591854567	-0.5903624229830217	0.8178793984855038	0.6786369351564872	-1.1933957665207469	0.32858599227595736	-1.0
+-1.4120929620915073	-1.1790856989966978	0.06739796905139979	-1.9884618280393094	-1.236725596111615	-0.028105262265842115	0.9467374212340383	-0.939810239565611	1.0460999348275741	0.8620677465713884	1.0
+2.0954930228758233	-1.1406764200058326	0.35541099045503327	-0.8790051470296545	0.16991238653503404	1.1053440653733382	-1.2658456029685514	0.5087526526855358	-0.3952813752496296	2.9580587600959123	1.0
+-1.2378184563136805	-0.6588825120949776	-1.787686127618488	1.3970151525255874	-1.9646567129961798	-0.6153502146408549	-0.4211254657117347	-0.15949314682746007	0.82716635090748	-0.2777471850504351	1.0
+-0.42919085902519255	-0.03966058964797731	0.5067928507288759	0.4498322240418991	0.7955595407943072	-1.2325305312199235	-1.686740689100741	0.7748622808533834	-0.22718296401926868	-1.848324706818786	1.0
+-0.97508794939839	1.778612790547032	0.2271405844743554	-1.4189080557137945	-0.25470319913844636	1.6045619077259705	-0.29938828190290434	-0.9494964753894726	-0.4507879449351108	-1.7500111612147389	1.0
+-0.5865936818160173	-1.0229711906437986	-1.2917651646827015	0.020067965803558064	-0.9376797686731422	0.7246971836894655	-0.6798709431394733	0.621198086098156	1.4373557256541607	1.5313874080031635	1.0
+0.6153108883633677	-1.5443057544880805	1.2393239469297523	0.26966509914059633	1.3531853241598095	-0.16777461501075328	0.7183681090944437	1.806004639454557	-1.4735974473987754	-1.1131907694709904	1.0
+0.2716061551624882	1.754252277509411	-0.5965205728422492	0.34363040184654114	1.5524609646091454	0.7302660040986119	-0.5364723132357764	0.8269815303062944	1.0149593465546	1.5594742580766863	1.0
+1.1473002986180298	-1.18458272624733	0.4270411746189784	-0.8791292245717615	-0.5763993441095951	-0.5867755139217143	-1.1144188904885794	0.354152030596541	0.5741718116668336	2.2386301501064927	1.0
+-0.5210099574902336	-1.0280667356307547	-1.2063562886761239	-0.6243603443818211	0.5280762614513662	0.9694490545135016	0.4569946964746916	2.653588953029373	-0.2152621156643464	1.2769952754684737	1.0
+-0.09065239311865605	-2.213972184473255	-0.9417545030019583	0.25392055985070344	-0.6033208935028102	0.2077876722599223	0.21887033357577812	-0.31096176370621836	-0.716314616555423	-0.4593384521162796	-1.0
+0.8174822197883072	-0.9455950424496306	0.8842084183610621	-1.5913506306108474	-0.33556608309603925	-0.19950951560372845	-1.8839825154010847	-1.3896277933881471	1.3643603001195295	1.396833878715815	1.0
+0.5676415043162195	0.46726861443380163	0.042516728050631745	1.8832885271617905	-0.2709736730973093	0.777577547179073	0.5083013374088	0.23165724625347628	1.3503938246267206	-0.0976042861299469	-1.0
+0.22050711497479628	-0.9264101247711674	0.22915799869523648	0.06286779494183548	0.5650335425389289	0.8651492767784167	-0.4923824392600627	0.9883520702989637	0.46411613582852257	1.1430252562860395	-1.0
+-1.0069178724542724	-0.24861695236063397	-1.0627131950618656	-0.07964633111329904	-0.13449011818616086	-0.36885924457198077	-1.2911659567523988	0.3118582057305341	-0.7514851235731984	0.07477781886138629	-1.0
+0.7196668339109545	-1.6452302509924672	-1.4985654107255002	0.49233946387756483	0.9505971353895445	1.9389972099669892	-0.23565198692705625	0.2061743255167677	0.09357825282557446	0.8403089224033248	1.0
+0.42616370086749605	-0.424492893826103	0.053924617840219354	-0.06980150659314915	2.2920959358947632	-1.1120853075658246	-0.14505908412453752	0.6374225209854126	-0.1159218391976313	0.8094538570467009	-1.0
+0.2547910124838519	0.07755907311903176	2.290989128488942	0.7733798663170699	-0.3471215136727469	0.7993943545405756	-0.025772303994880345	-0.5455829471838579	-2.0465830566134726	0.7360726014700171	1.0
+-1.3317495742768857	-0.2479276379186028	-0.9094615723318724	-0.055086852290375125	0.38549167746724483	-0.6490728232978673	1.2382118132289903	1.2134651731228738	0.9026202880097332	-0.5056064071713623	-1.0
+2.2512343572345523	1.521821591216992	-0.5096779855596592	-0.166436648005668	0.07500273731403435	-0.19828744178413923	-0.40889058418237684	2.4125853280022445	-0.14781537787399332	0.3670551121631472	1.0
+0.6691613437150191	0.6069240314030137	-0.5555503821424722	0.4955944049944796	-1.3519701325087243	-0.365341934308163	-1.7829199013411607	-0.3007103185272046	-0.038807999962173656	0.7101591332255525	-1.0
+0.2887143279765571	1.3101870590664926	0.6066601701827969	-0.8487495700801868	0.07451789821426016	-1.6518852354325544	-0.7978217217207678	0.2258746130379714	0.13294848431257217	0.01335156526925021	-1.0
+-0.40592341418613714	0.8663968319618265	0.5327479304855135	0.18265417270467746	-0.03557675627744155	1.430198856599628	-0.38625628430594244	-0.5783129229197926	-0.42917499140129484	-0.37874682317502456	-1.0
+-1.1456288962353458	-1.764249056091392	-0.8807800584767422	-0.551330746395885	0.10598506765558334	-0.30292681771034696	2.450904686655536	0.3102015669141068	-0.47541176247760863	1.5994973831802697	1.0
+0.5733166667822757	0.7072791827674153	0.6651804896882438	-0.6732266231880806	0.3573857180101076	-0.03163285354465274	1.6761625243759601	0.7867934970666199	0.4663977336478782	-1.5701317992707944	-1.0
+0.17981619219821018	0.5816867371946872	1.0140459011836431	-1.874546084304888	-1.386182301158422	-0.2779100974242815	0.3996053108501395	0.6677921111727686	-0.05380681885416542	0.6010808670614217	-1.0
+-0.6772754159248963	0.36289661492184444	0.7165730798438638	1.2749647846989953	0.4562829784553435	0.4014590715412249	1.6592000650690157	0.7499837209047886	-2.130430366264133	-3.583107311293464	1.0
+0.184015460639279	-1.567928637254956	0.7113741745892995	0.06046917629428256	-1.9666923105023566	0.8026187043815857	-0.7945127587801895	0.40864998454709267	-0.752270779310528	-1.2976764160520164	1.0
+-0.9888450448478334	-0.2613953550647014	2.15283591824325	-0.8090243549264902	0.4007125140846764	1.901522158784617	0.24456977812336744	-0.056830747794279095	-0.5027742874080976	0.3730811442523052	1.0
+0.3187831590012322	0.28914452476934893	-0.4371918911058694	1.4876270147871136	1.6993700551882631	-0.13917362391472396	-0.9081192557281874	-0.647247594699466	2.2872729947740904	-0.368124449157099	1.0
+0.8882187848783696	0.08976789703117237	-0.11471853423347028	-0.23715704386091677	1.3015075410268035	0.5017988789310254	-0.3959044886294085	0.7146548062057243	-0.6098213882288746	-0.5828807672064793	-1.0
+0.1414366614807343	-1.6613920007613825	-0.7879899096146313	-1.136242610398945	-0.4975368041505823	0.5520056814324303	1.1770001892245556	-0.5681274696360594	-0.6385602207103294	-1.0416390614730386	-1.0
+-0.17451045387660738	1.0406467166602014	-1.0289060279927622	0.8529321407788784	0.9974475842919764	0.8677034504830788	-1.0310185063238397	1.4433243582522899	2.4342363685639716	-0.037524749681450344	1.0
+1.4987644314222972	-0.5906552027741794	-0.3211452740690359	0.09864632136151827	1.0776441823899359	0.004827154510604114	0.6735211512558796	-0.33683762811205437	-1.6895332690328377	-0.7358164580249902	-1.0
+-0.9362324764474244	-1.8013536800001997	1.6864880959841275	-0.07075281040313357	-1.1489041289154733	-0.610233593193788	0.4273043278476642	0.7750043599243119	-1.9093818351304588	-0.451808630872275	1.0
+1.215488496049692	-0.1759097835780251	-1.2393723628595301	0.09623394725225265	-0.4494676634431058	-0.6328624570840738	0.5618066051613435	0.45501383888196534	-0.9420066563197541	-0.4263149036744389	-1.0
+0.6020326864039525	-0.9184885447607994	-0.8310390061442757	0.8425529461735034	-0.6444836971742042	0.9871723720530811	0.3071902907109115	-0.19183940644078398	-0.6308677847965231	-1.0403051700114123	-1.0
+-0.974645541430295	-0.3865831297366926	0.1668067469725751	2.641021087875642	-0.4525394371641979	0.31413523144532124	0.8880312194968684	-1.0793043180270465	-0.5036141231724572	2.3244249050341375	1.0
+0.2557341815305169	0.07997121775221017	-0.7260836802562382	0.2895856501128197	1.8094734487624484	0.986097658705687	0.417692192050274	-2.1990945715724566	-0.1498215092969975	0.34353690429918154	1.0
+-0.22107952784228188	-0.25426910465655894	0.5505863358925606	1.0413782017826765	-1.3215069056462334	1.0548645809933195	0.6347235337030012	-1.868275113962695	1.1652871636096243	0.3440368498506962	1.0
+-1.4885899340359698	-1.0496049543981716	0.10743035376729773	0.2550970267054732	0.4175505933118081	-0.09900525792559599	1.8638370765018302	0.5381151874836972	-0.13635210035837858	-0.6570896159526238	-1.0
+0.3357715441034932	1.8521186238929945	-0.3825018479354039	0.7740193321732951	-0.0407897630667543	0.3045266027120613	0.6695886244355408	0.43644093610975254	-1.7556013643900288	-1.9741046677307716	1.0
+1.3653980298864152	-1.0478405865394795	-0.6291471382284151	-0.27156562647465393	-0.9336800655607809	0.994650131585402	-1.6542228772264793	0.15215155897520846	-0.583347510515665	-0.5672880537956485	-1.0
+-0.5560453058595838	-0.5106032812826552	0.6269779297622491	0.5178784303262459	-0.38313780038936474	-0.7788945372051485	-1.6776508181520702	-0.3948171090054691	0.6113892709410901	-0.9287883535643163	-1.0
+-1.16059987374313	-3.1319676022585985	0.3600252658223334	0.01726360871561968	0.6991997352784148	-1.1365470797382018	0.10206885152034952	0.6092038367265624	-1.424473805015833	-1.0317563763378097	1.0
+-0.3868615640103362	-1.112571079161925	-0.9982618942029572	0.15065561552083007	-0.8314682549117274	-0.17028208538770365	0.56241860367953	0.03472258999459442	-0.3322094169143095	-2.4723060995113775	1.0
+0.9603303799660141	-1.6613125468599823	-1.2780954449950916	-0.04842743548867685	0.13020200337347776	0.5212197377242315	-0.8195338363193861	-0.19449672325475198	1.433717363982721	1.6938878170353047	1.0
+-2.221646544878898	-0.8328717114511085	0.4137480734557409	-0.15119318980753318	-1.4995194350430148	0.417007728579655	1.2265242944711554	0.5598732783812538	-0.5042258720758107	0.9614509163724766	1.0
+0.27519233544851546	-1.249000950157801	-0.5323384948881517	1.5590761298705826	0.14925465495616747	0.35993074515701146	-0.42434722079113846	0.16067286415277454	0.4036670216097925	-0.38970874100270264	-1.0
+-0.9391925196341772	0.9960883221148612	-0.24357522948856336	-0.4525351488300288	-1.2881261511455833	-1.1507593449628604	0.5179098527144042	0.7389398808610345	-0.024935416646806242	-0.9676907365699089	-1.0
+-0.670405325426637	-0.8083835889832875	0.5919206092784451	-0.6444739133648637	0.28808685628287006	-2.204172857740255	-0.9010772639365989	0.051851342771362066	-0.6415086392987213	-0.5527937049417181	-1.0
+1.1569807491241606	-0.8763071067051402	0.8466331890803422	0.8763960964428043	-0.3053427965147826	0.10738225334457886	-1.9358601232974126	1.2260096825100082	-1.161491234836072	2.233460601235036	1.0
+-2.770768821449979	-1.2551161636964265	0.2040055054851738	-1.4064419265681292	0.16676456124521058	0.7950428101731665	1.0716241886478524	0.2735649558221527	0.5701933047415152	-1.677266705946856	1.0
+0.4201848405483732	-0.7331602800215774	-0.01917918493593594	0.44162868862831933	-0.08849106101424366	1.0952940875839163	-0.1020889949153684	-0.8998117370690805	0.027205743185590343	-0.6878572015378804	-1.0
+0.7123683989476419	1.7055631086328384	0.2954497580247278	-1.0547509838053146	0.5041725379405615	-0.21221279550225045	1.4991759708292134	0.13868813178864547	0.6668194951083141	-0.5840694432184582	-1.0
+-0.49177586508296656	-0.4039320419705581	-0.33866103153391997	0.6210108284660031	-0.3091144154625691	-0.5822298684259298	-0.10491566403164145	0.32358153190481287	0.7709138830895071	-1.6740741746104388	-1.0
+-0.43940454533314255	0.38610562270749366	1.2996239316261102	1.8277595178635389	-0.4675439540335718	-0.2770566975367529	0.1642854955790046	-0.8577605757121607	-0.40194722607707334	0.23380205031917065	-1.0
+0.3355244645418113	-3.3811124452119263	0.9676650172265975	-0.9615963932886163	-0.8206492252754233	-0.5503613198862809	0.48525903387052766	1.3957355157365958	0.21459772064364677	-0.7834144606443261	1.0
+-0.5975759038785763	0.35316995112579386	1.1422263222370952	-0.7412235881880214	-0.5960760576809043	0.8052455614865054	0.041315600476344444	-0.9875045305592264	2.1214470482588084	-0.07572149819894028	-1.0
+0.6373807043876124	1.1836680792926761	0.5072726970124829	0.23278398614992862	-0.0784940135422019	0.7387336298077462	1.0935089002297809	-0.13688495692622774	0.5395892481018552	0.6251372466864726	-1.0
+0.6267548620486293	1.2538222600797364	0.9851493463135196	-1.5911063233718432	-0.5904970433406065	-0.25127003464622166	0.1673470453813402	1.0090562730482742	0.2609031780118861	-0.45009389628522417	-1.0
+-0.9571786952680593	-2.1457270784656144	0.7899278175621657	-0.7780805006439626	1.0570104676046588	0.0021594994589154777	-2.2271083902413094	0.06241809169853915	-0.4438430848513981	-1.3303992787958645	1.0
+-0.363291520503251	1.3217865560445017	-0.23997135969878497	0.7468882831521725	1.5337676925820027	-1.6318411994065287	0.23181433939082355	-1.6755459045554617	0.06956393168346253	0.9789089747105704	1.0
+-0.7876260070422956	-0.41923658282039694	1.3767456121651793	-0.9568967964582653	-0.4603233170019264	-1.5189490243376116	-1.467319157777043	0.08484702575022729	0.1809006053804999	1.5115956441416223	1.0
+-0.2503484925856828	-0.7097374543244073	0.7274725510232629	0.5301430317812948	-0.3947601581622747	-0.5190187713742014	-0.03339088280950256	-0.09755363958572455	-1.0885736898107707	1.1085879005979902	-1.0
+1.2580283006298394	0.252615627380833	-1.5277989432763457	2.5058835463522975	0.04504376534375907	0.7304785054135589	-0.06329098281947923	-0.30531678545077184	1.1590635846427022	0.37879765720985226	1.0
+-1.5588309816251242	-0.8745440956199723	0.10200134242066144	0.1788325424781917	-0.4112483755950405	-0.6581455918353617	-0.15270038581887	0.11609623638695642	0.2602968383450664	-0.052545706604025674	-1.0
+-0.25431447907605553	-0.3910554089989948	-0.2866037431395396	-0.5544914406071579	-0.10055096065657483	-1.717526858219591	-0.2655274337636021	1.658417493980499	-1.1375516161524533	0.7102227448971378	-1.0
+0.7623617237763982	-0.8060217317381269	-0.19455523296281385	0.8340099486209954	-0.18262011141691523	-0.8497189821455221	1.0903463310811217	0.8610924652394031	-0.866271909360557	-2.421100525217661	1.0
+-0.5659128811488092	-1.6215424156960678	-1.2886503368151672	1.9501258463007496	-0.11787542092382908	0.4479729633391975	-1.1188274762276516	1.7880400617066818	-0.04715265283929211	-0.24630200624759013	1.0
+0.12275191114250586	0.5152664874653347	0.018959704780414702	-1.4324279461949565	1.3027781768135656	1.7246417474296283	-0.58430493122697	1.101681757924658	1.8560260029285442	0.0016227181863565615	1.0
+0.5510733941056384	0.5083072709884324	0.6618820606708236	1.4779834489076011	-1.592947461243171	1.467758823839515	1.2059955113147742	-0.26308095174472895	0.44938778689808684	-0.6809117811172622	1.0
+-0.6160771702110106	1.0664826057682606	0.6827218260495191	-1.0658237762774896	-1.216015416818298	0.41650272237895714	-0.305292158475748	0.5033735726450013	0.18986561366143007	0.0431997902145248	-1.0
+-0.3624401283889017	-0.24471400522361889	-0.01268722487621968	-1.866937477244726	1.4254798340033075	0.5182346194607168	0.4980265638781334	-1.594472737387667	1.61220392793916	-0.8140786867465011	1.0
+-0.0642331212262014	-1.1280254878458844	1.0793984200600244	0.5178451187645283	1.779001483168359	-0.16152032152289933	-0.29410425802385026	0.07527005703211596	-0.5593838610432191	-0.249288258242437	-1.0
+-0.4113967893745746	-0.11108230338134742	1.2474233793858047	-1.0176602066909695	-1.140120171274563	1.548441319645593	0.8686174419715944	-0.26347057912266253	0.5027473632759479	1.2501552002168679	-1.0
+-1.1429319298881413	-0.08135573030765272	-0.8866274597413795	1.3894266825521036	1.044973614349079	-0.11293228140176896	-0.15781291652578203	-0.3328502539305639	-0.858927417301502	-0.27104924073416936	-1.0
+1.228021483281653	1.0680372533161384	-0.19397751487442566	1.571129972521067	-0.30138473110654107	1.0034583649817106	-0.8082328326439941	-0.3157989212701337	-0.5781915791008203	0.6882735300732068	-1.0
+-0.32113787566307606	0.871122507813793	0.038707399135064324	0.9338604418143551	0.4825267838269039	-1.3758078860881304	-0.9740905462746269	-0.4744752685036911	-1.4322179693769632	0.2034873460162745	-1.0
+0.651292335513494	1.0553510109845001	-0.24728070592178486	1.89722399574992	-0.1681697028865095	0.7916304979486716	-0.932758121213434	1.029780693065145	0.4296110252166346	-0.3927095911275073	-1.0
+-1.4853573196230105	-1.1955973462096765	0.5499392096975168	-0.3411629064021308	1.0200197808764606	1.0634001410443796	-0.8338794330665841	0.820959996852197	1.0881833477512275	-0.24732684163364838	-1.0
+1.9331612790413124	-1.6097904608100468	0.6717194451694317	0.16634168802970326	-0.22725087114971754	-2.387284000638183	1.0101431862824708	-0.4504181359932409	-3.0804378882994867	1.056895444436028	1.0
+-2.282580185654339	-0.9587918125866123	0.35690597207481733	-1.058699895527098	-0.2180753437165896	-1.3404990697349077	1.750764347215059	0.08110609743472223	-0.10150135449496321	0.35621450288924095	1.0
+-0.35687549808434277	-2.0366763291700516	-0.11585588685320444	-0.1226491806687952	-0.42161947368583597	1.1945112354379723	-0.9923841156297891	1.400215732102919	-0.13352654542294606	0.47357320828600646	-1.0
+-0.013225433176513583	-0.0627341424828863	0.24824166500041436	-0.7868576504380989	1.0565187157369733	1.9285052821802007	0.3836416030700826	-0.600225781296337	-0.070995463921853	2.322071217567155	1.0
+-0.7896785653132121	-0.6681581683011726	0.7994928170019547	-1.79556347302506	0.11445291729003722	0.41635034256577474	1.6019861368450186	-0.9704689350113453	0.7845237311353984	-0.6178808542444882	1.0
+2.1481902216118205	1.5853763664260294	0.9291301028355784	0.6748369527877428	-0.8800303591592341	0.1414630752354635	-1.3938193764760063	-0.6635287329815386	0.8038410208260592	0.3285297432563136	1.0
+-0.6367798573501147	0.8995862423445704	0.12182579985748296	-0.25999794624413725	0.20452718153643262	-0.9048003919421852	-0.592104327183479	0.2278584753219892	0.6882497415181872	0.7121578265357116	-1.0
+0.3688446216865998	0.5254184639099825	-0.6986107541805116	-0.06949009696227332	-0.01881183149952841	0.03450647723146593	-1.5881455668610018	-0.4844431144704963	-0.9875099822519774	0.13686272551200626	-1.0
+1.0097746907427496	-0.2079953250222928	-0.3537474932943299	-0.2940811557751131	2.059433704086895	0.1406101514357838	1.0704867335278905	1.228081223186215	1.0975234700893404	0.6170832838278824	1.0
+1.0344960824444378	-0.4976480985863955	-0.894030678015982	0.5297996799199953	-0.029696909718938957	-0.42050209940501415	-0.23071834208458064	-1.3830149281185813	-0.06402892894911454	0.30763415417913403	-1.0
+0.47651435216619725	1.76600141817897	-0.8237822435047779	1.8488178736409489	1.37283091919002	0.49030660317882707	-0.44786402880954285	-0.15540094490332515	0.2960745353788925	1.8199757296955317	1.0
+-0.857327405063143	-2.1546545119541634	0.07196576782450542	-0.5613142353396063	-0.38870369036348307	-1.170274131196182	-0.9593569838669299	-3.2478033561373185	0.39087681639613975	0.16896166125420178	1.0
+1.157778148852511	1.3457717120046255	0.7885113596954116	1.0705047411931374	-0.6566503004459804	0.3975965124527321	1.0428475181630648	0.13018788751277274	0.6732014077840895	1.0737303631505757	-1.0
+-0.9196169385330133	1.0005595888534196	0.984185510455055	0.5746105620603037	-1.030427340020868	0.16014844017068747	0.6713191366082017	1.1948522354098146	-0.01351804930832887	-0.4958197702612302	-1.0
+-0.7633622119189375	0.49247120116088294	1.1960768225660467	-1.3833575629812729	-0.11698735706659458	-1.0459761112221349	0.9926535105290932	-0.21583110586183837	1.19402799200976	0.4736776350369675	-1.0
+0.06374612182484628	-0.0927230036927878	0.2240534777559639	-0.40455643319801216	-0.12002104885378191	0.31615536259967075	-1.4685106308244038	0.07546154201751755	1.6500075084730217	-0.6301978523732874	-1.0
+-0.7219274753489346	1.5513254899715039	0.5245582591383503	-0.13790152701348363	0.5590625775964477	0.10730692319507003	-1.4935882886734924	0.1818654256316936	-0.40628798741449546	0.5296615814198695	-1.0
+1.9891255209667398	0.228840788479125	-0.12340921545645045	-2.0498460388366184	0.8142075181254794	1.3159407465037287	1.3847151149976968	-0.2756061108325847	0.279103598902502	1.292088569386581	1.0
+-2.402115159746002	0.2723272772367145	-0.19283261787390654	-0.24079973736428095	1.7514266503192817	1.1066369842163575	-0.41571167316538876	1.4557516181226984	-0.3611971282600108	0.9097835144841401	1.0
+1.4163386001622302	-0.8687873099636275	0.056564530565828754	-0.29520321072531314	0.37031956572586056	0.17667835324426587	-0.29913668773213414	0.2351948918492412	-0.867199277990369	-0.15061594287114935	-1.0
+-0.5177251399603329	-0.3988993071240421	0.7373161840663617	-0.2866005466440251	-1.9871139348182085	-0.241623779418205	-1.149972393984411	0.5660061608073721	-1.0594740833539726	0.3060709237353671	-1.0
+-0.8981182499257531	1.3837205350399386	-0.7083518828105408	-1.4532721661712409	-0.44938736559777476	-0.03919418246313529	0.1947430564526444	0.7145330028559227	1.2543495804927973	0.9332756605421356	-1.0
+0.42063961231973246	0.5640979478589826	2.424998586201395	-0.6849168618634462	0.09559038305250134	-0.07043735674394411	-1.052803004377247	0.24434782121963655	0.9840546720983302	0.6485753600544386	1.0
+-1.4413415286263933	0.9787876575926369	1.304165144672483	-0.46011679884683143	-0.8981600257099756	1.060354673393476	2.5583763046576222	-1.759518201117846	-1.1171278653471182	0.5983729529500937	1.0
+1.2558132238243036	-0.3509150356052461	-1.7356466205686683	0.1986428152316813	0.5579867826075998	-0.18995653427695386	1.0985698228107703	0.13997465155548225	-0.212820146928346	-2.1176348673981167	1.0
+0.10231050049917971	0.6632242615233166	-0.5880879863660157	-0.8454685315813145	0.18682098830455185	-0.44304189801291277	1.1033339039946561	0.22789964574448887	-1.217178994713086	0.49360549130043635	-1.0
+0.019066706140929066	0.9464432152156522	-0.35990021057811444	0.16592609454183838	-0.20934366536756924	0.23354479245587678	-0.717964046244021	0.4878688131589415	0.9244475503536991	0.7699398243885924	-1.0
+0.4992020065381402	-0.7633271510774683	-0.19823396429320034	-0.11905737285996723	1.2542418789387353	0.38386980985013275	0.616485582076817	0.2324059597015237	0.16834701248472436	-0.4727072452176491	-1.0
+-0.2351250487307573	-0.4970027044539985	1.8124569963881112	0.5665477418323196	-0.7857436641911848	-0.5508272973073448	0.4126459229111226	-0.7757233679289176	1.9174291809559092	-1.496800900934017	1.0
+-0.3570299946420405	0.42602420850553696	-0.43832969220245255	2.115201403857146	-0.30032605863456857	0.8750936060802031	0.4878886276898702	1.7981100624728237	0.5961212923590936	-0.29189949358097145	1.0
+0.3365887553094597	-1.574682069241863	-0.5871473578213694	1.2876974665832384	-1.6561928326584194	-2.529693849406812	-1.4817607791797203	-1.6361799085130002	0.2552204783183675	-0.8275119407903354	1.0
+1.2460754780319019	1.26889921650692	0.08070641316261347	-0.9616818063973929	0.1916249289724825	0.12559207915474652	-0.6571198143042448	-0.18555228545916314	-1.1307468639853788	-1.6401201714354872	-1.0
+-1.209170944189603	0.6443508460338339	0.6939908677546274	0.4200202905830999	0.07494112862387024	-1.2875557863021518	-0.6039884384021853	0.43282113379263754	0.23155361488478343	-0.18795877817213744	-1.0
+1.11746747736603	-1.1079534969471265	-0.9231348744246104	0.5856974100707136	-0.20464976108179778	-0.4295367541842591	-1.2625820396566247	-0.6617141637937035	-1.0898389248162386	0.8137535648238905	-1.0
+-0.5598168246421356	0.09928365497246784	-0.8430488221038455	0.764433632981843	2.371559015395505	-1.476719662669428	1.2238459663528205	1.4453321421271754	1.891584663254222	-0.704447031731702	1.0
+0.7118109239109661	1.3829633221401572	0.4054321434017198	-1.0682762983112493	1.6557979543357602	-0.0716607072303485	0.13278831512036302	2.1501592425419975	-0.7879271015060596	-0.09945072688029122	1.0
+-1.3041580566065576	0.06548914017490151	-0.24434245800341897	-1.6036621850041444	-0.7814735602638287	1.011168547430126	-0.672053191425066	0.1942662456170012	-1.7285588995349388	-1.4391232042626294	1.0
+-0.335258037907818	1.524682083536616	-2.093311309281323	-1.2147345132319531	1.2150824842679655	0.27603057363741074	1.1238341006665227	-0.8545765786285958	1.603758538719935	-0.9447221416322115	1.0
+0.21975309882583421	-1.1543939264366114	0.04637078049984503	1.1300135300553025	1.0716275395364263	-0.5033596620833065	1.0772140774721937	1.5622549790249594	-1.8049742010827368	0.6073649890817104	1.0
+-0.734547529286131	-0.24025972885165991	0.35069974332622555	-0.8131486227345365	-0.311242104267352	-0.9406688762260244	-0.4446322494104346	-0.036638795782634424	0.9921410885924308	-0.27470291960791393	-1.0
+1.7289321909000985	0.5146869833570639	1.8298132305857688	1.1269423979921889	0.29954905922267666	0.956684944794547	-0.9112798590285016	-0.49897712264863103	0.2340231195811581	1.926404052508524	1.0
+-0.2936930520053901	-0.0044789437698941476	0.5712276845182187	0.2670916803805558	2.2902279186828256	0.50700260014473	-0.19393783377088608	0.5335842722662072	-0.24628248847942835	-0.532431548099572	-1.0
+-1.6274774623061965	0.1256295399198077	-0.9269324579804447	0.11342021351249823	-0.9203658492526633	2.178905052242284	-0.6607916930889838	0.963510282107855	0.9292673943210398	0.3709189237290382	1.0
+0.5222603682257796	0.35164652310237265	-0.2875288137737844	-0.14140876262851612	-0.5689354869300581	-1.8897610511932215	0.15491753538689315	-0.5451637813982336	-2.1921733115968376	0.8051453555864793	1.0
+-1.5510281659066827	-1.6024255787716246	-1.0553293206358654	0.8842458643521909	1.6033705619323733	-2.2764328998240817	0.7555340807568283	-0.046120645181468314	1.1454531033804864	-0.26478639784125074	1.0
+-0.25726188339576284	-0.573686455860837	-0.48866176032172987	-1.7891437167312905	-0.44364499046147043	-0.3316330069654041	2.066423935820221	1.7988083101000165	-0.5026980390340695	-0.1254307894905799	1.0
+0.9248725503986732	-0.21447998093646006	0.8499577276503466	0.043566628837454706	0.12032851366449586	-0.3372624169412089	0.4701613586087689	0.5344053897685169	0.3466490068940096	0.05451200188885721	-1.0
+-0.1829992676162338	-0.7302753199569251	0.9966682442093088	1.2230995315334825	-0.042575165117091716	1.0747749318877244	-0.23458557180038758	-1.148706692577037	1.0488722786070424	-1.4459765605148556	-1.0
+-0.037944308475778676	-0.07466843829371335	0.4957002290574251	1.7691547541638974	-1.0949044932015108	-0.765027014608683	0.6988866034521881	-1.9436331746843674	0.5468999442834095	1.8944356464034382	1.0
+-0.2597924486604738	-1.6848111352881001	1.2506243530328305	0.4968767630530742	-0.8058851482732079	-1.3657674613881636	-1.2855672446220836	-0.4205412418935316	-1.2535174462665022	0.08747777094891664	1.0
+-1.3445797801637196	-0.5446794889688054	-0.25955773153867717	1.5963327301651238	-0.6936605350100927	-1.176459366361782	1.7924000750834739	-0.5491438943288435	-0.20222355079822968	0.031262186784496285	1.0
+-1.080124280226808	1.7297365762500627	-1.6386642803450173	0.2872922972495204	0.06808064058884049	0.21568602498894668	0.5092633052893725	0.39382702392910185	-0.19220589696291868	0.8935749830829919	-1.0
+-0.8852361136310154	-0.6029039994214607	-0.6515834316778876	-0.6363609286251416	0.4225020898469096	1.9571213221041646	0.9024035784527521	-0.47703342095268514	-1.7551861803786324	-0.924430332199706	1.0
+-0.29167351467706415	-0.8989039521764532	0.6539489601483427	0.34827533957737594	0.6395098472423663	0.20939811132130856	-0.20883070915601995	-0.26521940741536526	-0.16361808551060025	-0.004497433889157509	-1.0
+-1.6695889803062767	-2.8563150582761367	-0.20517824463407283	-0.21671995627324103	1.7500086746088435	-0.9392274283330208	0.32385958610261084	-1.2308451790932706	0.4911728124262244	-0.7671919255474218	1.0
+0.6004785397401929	-2.2583630733977014	0.8377215511754619	-1.1002889667805407	-0.6636735464350899	-0.7789010663712795	-0.24239249554675016	1.6832141514003192	0.42527875962705336	-1.406714684686985	1.0
+-0.33501018870358684	0.4714661753280123	0.473201436916581	-0.7554560230863577	-0.669506673239732	-0.7333948436119242	-0.6920879287302186	1.0745862329327458	-1.0321070446035279	0.658435366988732	-1.0
+1.0444762829325283	1.096783523703778	0.27815414134577726	-0.27304382220957685	0.6165532308793599	-0.30470628837340197	-0.2949199530275954	-0.10100546525107812	2.4281004512671465	-0.08027594844370065	-1.0
+-0.4093179985429333	0.6033721911965025	-1.0081148988831752	-1.4719913491667884	0.014271276589694112	-1.0914224883129477	-1.9268055286843873	0.2995711815752344	-0.5787365715771527	0.7591219608917161	1.0
+0.6890454874573808	0.9064189368666716	-1.2786958879559112	0.2824245577531732	-0.33707881012400875	-1.061765389269117	-0.009073466990654878	-1.4219525144902962	1.6886610144764223	0.2879099733343779	-1.0
+-0.5816108268646346	1.4663419732254788	-1.2393202278914375	1.4490569390241592	0.15218644697447972	-0.9661232872384466	-1.0936652347972706	0.18717951723742027	0.9783227767718051	-0.7674189589721102	1.0
+0.009744457675343548	0.07483954180020076	1.2667676806068147	-0.37816138170279007	-1.04852106636985	0.4674175769223552	-0.6027224920057517	1.3344281538099563	-0.12478672631795296	0.20513404613148478	-1.0
+0.3004931552564006	1.8049597580676642	0.6138603043598186	1.1835548389886559	1.3805811581042924	-0.3981673894922736	-0.5684367153845729	-0.054128477380623305	0.24422691480357708	-0.20635385071683124	-1.0
+-1.338582738999079	-1.389915725372678	-0.5278934183685772	-0.991309720924626	-0.9760622478923454	1.0962250952936028	-1.0239021841982654	-1.109468562412824	-0.3303417517655807	-0.19674896258897512	1.0
+0.9333455739407971	0.3022837744960898	-0.1743739421175891	-0.22506229626520965	-0.21985735254848157	0.9336566086317948	1.2271154927604269	0.5546230415503639	0.1470826642876303	-0.1922267230915773	-1.0
+0.046865601455971705	-0.13645633502383328	2.7835785338355956	-0.795163523457005	-0.37508737748277066	0.11170145623385462	-1.1240846761953327	-0.01237088191091594	0.6151000996225158	-1.571005210220915	1.0
+-0.4160001388476798	0.352572681138461	0.782114539055687	-1.380531950501341	0.938656498156985	-0.18509808403908323	1.0912999231818559	0.2415307358068206	0.2967394122806295	-0.31143773429816585	-1.0
+-0.21567460801106964	-1.4258852660458277	-0.6106663655911345	0.3103762443679849	-0.9147230216683195	-0.6173911050402414	0.6243182423035522	1.5586361015794081	0.1471847997240078	-0.8043874494275334	-1.0
+-1.7830363668185447	0.40305548967488913	1.1692824620395466	-1.147774435543211	-0.14789808436929894	-0.07020257216506316	-0.12215335779944954	-0.061634350637589264	0.29701564812136183	-1.1397173971336205	-1.0
+-2.319924145513698	0.12360755582138357	-0.823200623509621	-1.1084246719401034	0.19085012928483916	-0.575601417091726	0.16728948144537223	0.30808917604946123	1.2295590764689024	0.202341365661334	1.0
+0.08425863458991115	-1.4078500679252763	-0.9740201968764589	1.542683773234602	0.35226644206933716	0.343393118202138	-2.260041396481115	0.14938830108359974	0.9212001236937885	0.5651746284824707	1.0
+-0.007549107040329022	0.7565328398015128	1.186611673352287	-0.5082803140056907	0.8393510824172756	1.3549240903243907	1.2171439100233323	-0.5477724639529415	-1.4910751951115013	-1.272119986930647	1.0
+0.13509039491875663	-1.047976172139329	-1.041418397217337	0.7014857618338362	-0.6380852833136578	-0.24118080009482068	0.17680439787721103	0.39715495625011604	-1.5391790383341075	-0.6686832070025125	-1.0
+0.9350933040606008	0.3108725457763255	-0.6988499773542309	-0.7626154596635715	-0.380868759184115	-0.8959881133548269	0.03499980473161078	1.2474482119007086	0.0573282273532444	-0.9471157386926227	-1.0
+-0.4985846979847553	0.7414133751603825	2.164893955783769	-0.5417051103060937	0.6313781231436595	1.1060210603441674	-1.3309173019567566	-0.38815905208472723	-0.8286077146656476	-0.2282976471545462	1.0
+0.2883372110676293	-0.17508291635314435	-0.30386029604598286	0.5154847366020078	-0.10138342901065413	-1.4405711419501983	-1.2702987099125078	-0.6505307963765248	0.6379987593162365	1.074594580567295	-1.0
+-1.2594591056089977	0.03800819048985161	1.7279557580667992	-1.0487780521103633	0.222120504514443	1.3820461446619485	0.4536378789447952	-0.837450137095418	1.7471687506683011	-0.20393852466892612	1.0
+-0.19269233576152572	1.5582654783344356	-0.7024657396993096	-0.3570907289273971	-0.23554400113116836	-2.105186111652726	1.089823506828901	0.5400429387035193	1.658421963965689	-1.3447736919220117	1.0
+-0.28017106255272795	2.6625484681174987	1.3020583762871	1.7160091875030128	-0.7226095130721484	0.3290036372266884	-0.6838711538788443	0.9957357434752858	0.45453427495934623	-0.6045605345351451	1.0
+-0.7557863198504665	-0.04249245323728204	-1.0604299625187477	1.215272432412674	-0.4539946051635486	-0.08292246608699433	-1.1050124740042586	1.0019398336596275	0.19991213995707152	0.5431627248174021	-1.0
+0.5203095100855191	3.478533749084488	-0.9403966925993418	1.3845303751894424	1.7937283889283797	-0.9692103756040785	-1.2871409008288413	0.2922969212678702	-0.47605281149177475	2.8792163307169285	1.0
+1.7250645488369278	0.6640485670600912	-1.4070521214151874	-0.20712535362650975	-0.030341859529464905	-1.8506781241097174	-2.322891500943842	0.3264599202081128	-1.5297392880748142	0.8628382925379401	1.0
+0.9801876976233688	-0.7767186313160607	-1.108221043334297	-0.06987802664580726	-2.080892612438406	-0.506367457307089	-0.8193916764144709	0.3798777848025271	-0.4676674118972581	-0.37614468769435255	-1.0
+-0.49563780731628754	-0.011163219833175019	-1.2735063764188645	0.15420983850293082	-1.3835652959092803	1.7227729595468717	-0.7046275259510434	-2.3273215714387248	0.19774640847063293	0.8840697328637309	1.0
+-0.8953459023393355	-0.6403922390444582	1.0282792774491882	0.17294563850280198	0.6288462209899415	-0.4094372361508385	-0.12266951207138478	2.1647009654855247	2.35572898619144	0.29092224884043594	1.0
+-0.4241751891707738	0.8279241929252015	-1.0455029645686453	1.3801446871894136	1.0282957149301797	0.09274662705878917	0.3260445559660287	0.06759347790413126	1.1246986531452516	-0.27546585173885296	-1.0
+-0.9540588500876003	0.3839791017362508	-1.8885697238478283	-0.5362468810722508	-0.22423753375276803	0.00464833190431843	0.5179820811047928	-1.6843708317679402	-0.24083740909303838	0.40297807600129143	-1.0
+1.3544465909229868	0.6126304295462182	-0.6066296846334847	1.3319813239246425	1.0958195536581208	0.7612655234253499	-0.2461092028271876	1.1678574843767744	-0.3380944671623901	-0.8706278625546625	-1.0
+-0.15913313685316502	0.8183045343451241	-1.6853178594890674	-0.9964818210806099	-1.7183195618367277	-0.5290263829311845	-1.282559863841633	0.38840668110871573	0.35528935581451604	0.33559072651689326	1.0
+1.7318085908349816	-2.559978739839819	1.0206916000847888	0.49905867816832866	-0.6339121341103752	-2.774135167227377	0.8310675668821919	-2.5216674125558294	0.8626001677798936	-0.05072564217481829	1.0
+0.7340749965706942	1.059996095744363	-1.538231073902001	0.5098292027163462	-0.4914102035646259	-0.48901154052383355	0.35260738255868834	0.08868440031191716	1.0294529244415112	1.6764944678211198	-1.0
+-1.2686764321513804	-2.2080051383039283	0.6937867085706725	-1.660295582921953	-3.1993376526931363	-1.558924940666884	-1.739095216734554	0.43913087907295256	0.4104247591612326	0.07827307012801067	1.0
+-0.0539910364276719	0.27674491216646574	-0.20778535454040636	-0.9941467255474271	0.7900283705331463	-0.7015743048847919	-1.1032978299067402	0.5562864719230601	1.0196481109119244	-0.01232792368653862	-1.0
+-1.4292704724756153	-0.5220027743595204	0.2660513556253071	0.9285408590842436	0.8933733042043813	0.3882349098023509	-1.4020522267756323	0.8781325815110118	0.8781054502625698	1.1215823724249125	-1.0
+1.37198727973319	-2.2604768127133554	-0.23032821889049732	-0.6330354522550921	-0.11889969732677988	0.26688189670063744	0.1653701832661574	-0.9478335730022233	-0.23964975270791128	0.35948184738564515	-1.0
+0.4420723442654233	-0.3847405168698649	0.2968481057383888	0.9554843902017596	0.6743443938131688	-0.617138546016244	0.9673913111222853	-0.28854323368026663	-1.3337414965209629	-0.3036564425035366	-1.0
+-0.4888930246400506	1.3300665035566959	-0.796434444273476	0.8045141078331908	0.5676955320805135	1.1859351294473288	-2.5783568477287164	-0.9328086704207674	0.04009985509577285	0.3201338753482628	1.0
+-0.7522050868094982	-0.9539311423310569	-0.7549546176269036	-1.1752499379217989	0.9313254950860813	0.9767140460500209	1.2093497797022432	-0.7707488002672274	-0.3814532451177506	-1.0678616987350222	-1.0
+0.8078661285273334	1.4507163221953492	1.5097536898751833	1.0708156507053745	-0.33178415422272034	-0.2145250987409742	-0.9994542968451333	0.8995737454583695	-1.2875354697588797	1.4719270085636929	1.0
+0.2746338387030486	0.2379719772184259	-1.0201904092571163	1.2793937807889495	-0.3873118542400943	0.47650936330069077	0.6978474062384731	-0.8861824648853276	0.5546228770731523	0.3996048189287571	-1.0
+-1.3797247897029166	0.5883063077471953	-0.14407788917215533	0.11182275678861449	-2.1096824959550307	-0.019283470817559323	1.9009441406369942	0.3671978142897888	-1.7064206138110047	0.9393997886487169	1.0
+-0.06712543565419991	-2.046460935350562	0.08975115001522975	-0.5623480387652708	-0.7696036358035946	-0.4941291363440545	-0.6025146862396162	0.6730916973140377	1.2996901516980672	-0.29725787875435206	-1.0
+0.13830874351410335	0.3515509192586236	-1.3811199151337017	0.8889323674595903	-1.2343760614103512	-0.16800244813266477	0.42880699216646034	-0.008465992992479429	0.2987881562805558	0.7772918838381985	-1.0
+1.3045262502010508	-1.4709685100177194	-0.6835982876443727	-0.5614043118101232	1.3535933045703579	0.23951418391844245	1.937248689134734	0.11774697570649212	-1.710388800209368	-0.14135536476270333	1.0
+0.2698001749208536	0.39570076976598273	-0.013213162064681563	0.11893768815143445	-0.9128773493001945	-0.24172279834711727	0.7455135396112103	-1.1260912508295626	-0.3393809040454055	-1.4577333973094941	-1.0
+-1.8309187913022305	-2.1513062088000963	-0.6306792982035642	0.5717993556220133	0.6467408345870898	-0.7421283886864948	0.4672148636426138	0.08646545637810449	0.14874739839081208	-0.414777394506903	1.0
+-0.8864528836486029	-0.4487419006402016	-1.3926244322297021	1.3500930221586083	-0.38567268348593137	-1.0941302617493642	1.5312495722339805	0.9463299266098171	0.7344762905575223	-1.518706938860858	1.0
+-1.1703676901377174	0.7607359118256889	0.19472607980862586	-0.16154123398115602	-0.9781385165461617	-0.7004960622524967	-1.7570518959099715	1.6468156207643954	-0.0922748932758452	1.3681825293065641	1.0
+-0.7254390581580008	0.4568748151338169	-0.28715620204396697	1.9564522145687713	-0.7087676005286935	-0.8189497721170231	0.5431498869939289	0.851254154460452	1.5159475930006021	0.9062019334149864	1.0
+-0.2904168660220359	-0.3906950621883442	-1.4362673806348993	1.9721225135990563	-1.104333640487319	0.34226094234983007	-0.25914918691767114	1.5153060507974656	2.3659444965760983	-0.31992006509305265	1.0
+-0.002180715678539719	-0.25349450915823896	1.5428325407176626	0.7192327170752411	-0.9182792290820511	0.6321885281295446	-1.3758837023031525	0.15951538388472766	-1.211931906488231	-0.9868272437118889	-1.0
+0.40474693510119325	2.0790752092639786	0.3332464768720559	-2.2569738474467504	0.026038696446944985	-0.5956096425674082	1.4235445721500994	0.8486296720122033	1.669494615281348	0.42274951613329276	1.0
+0.1838862321353343	-0.4092637956377689	0.06317503759177096	0.18472506541366396	-0.14940002586094958	-0.5554837434387901	0.6344223006955124	-0.8673267712175409	-0.7905121371956033	0.4983675276864517	-1.0
+-0.8909478214767421	-1.189243779333763	0.4330531613145212	0.7677068632755061	1.3661848571459627	-1.7514955641923131	0.2997398618366426	0.9906881918884334	-0.16429827199932034	2.1769028937130708	1.0
+1.259091598868383	1.1797874829524369	0.5467237416458708	0.4812464832025061	-0.3947546352532214	-0.9816120844563009	1.4554232116584311	1.1555584093826485	2.0489474008149626	0.11337273750445108	1.0
+-0.9862256956114925	0.18895936006504147	0.4497529656377515	-0.0024963658473413737	0.07660128094696081	1.5960417001160532	1.227388066968383	-0.8917001554058047	-0.6102974223082548	0.4501396720909122	-1.0
+0.6864923423141703	-1.9401401400379217	0.9233251117837272	-0.09642105133559349	0.1844722783126441	-2.266610125946026	-0.5035668056808216	1.0442911585044705	-0.2825592983156393	1.3826579500711165	1.0
+-1.145090859694229	1.1684274248259061	-0.16897063305186058	0.2406673840830931	-1.90021587633248	-0.5706350817724354	-0.4039376443608492	1.019073138737651	0.4932779050649978	0.14819439226885667	-1.0
+-0.05268493516738696	-0.7144339482098094	0.3714799458010497	-1.3378943846143074	0.6753282221573488	-1.613946077905664	-0.46504803409083845	0.7314551908876692	-0.7589612988262642	-0.5203545502961783	-1.0
+1.1634285230057209	1.0495120094281059	0.2702820679598745	-0.4618331081693843	-0.9699622734828879	0.38223840238182594	0.11263297673748236	-1.2752319869661726	-0.05747890799577479	0.9287890233574378	-1.0
+-1.062064479368225	1.393875193275864	0.22446618559483028	0.8803795808011307	1.6546193876496011	-0.7240847039853767	-1.097281729894326	0.684348519419796	-0.8072985827530065	-0.7251680312055131	1.0
+-1.0039430208198725	0.28113536802825817	-0.47811104486249134	0.05023095722843296	-0.019754944822589823	-0.13437911272571632	0.8248272592186037	1.1893253742444514	-0.4209463202264079	-1.1554163312411445	-1.0
+-0.17885878943092573	-0.6974795294356708	-0.2173842262264156	0.45266189494856757	1.1607919014362775	0.31912454964783926	-0.21724240907094142	-1.7861477362239486	-1.4947726810519126	-0.3845619936196473	-1.0
+0.19045433396400893	-0.6841573787698715	0.7898674384895498	-0.28906758319419423	0.3792705618073303	0.6199236500334908	-0.25074532586351256	1.0077575205297962	-0.44200607983754414	0.617630548442742	-1.0
+-0.5228068863994471	-0.8432558754272823	1.3629481739108718	-0.959263324734575	-0.17558643594641726	-1.0285211083783259	-1.3121124225711627	-1.609928482317575	-0.4536008427275525	0.652248800010921	1.0
+-1.105864039608156	-0.5363582900701451	-0.4418827207462981	-0.15450451699674592	0.19370218007975362	0.34235705676725864	0.7367503839450589	-0.19220365201651665	-0.7181215664100439	0.35344899292321075	-1.0
+1.1624185149233603	2.4476271501686653	-0.19522587290683652	1.9215250464698033	-0.2475296789848123	-2.1391936709704527	0.3940927564545244	1.7409883105175057	0.07551849655459669	0.9794862037128853	1.0
+0.017865527994346726	0.1316433163322452	-0.2184755705685967	-0.37922670568722955	-0.09576831126501183	-1.3129452998295499	-1.1784037272666896	1.311988660135645	1.346811745111795	0.09009989631927919	-1.0
+0.45860913642513756	-1.9186206431687287	-0.9096349139473044	0.512544342040972	-0.9063878061832132	-0.5177107461115384	-0.2213044326371879	-0.7906603876615128	0.9629922782395384	-0.9355194595063464	-1.0
+-0.6698539396686501	0.1610451930544942	0.862598649621207	0.9220963636320674	1.1653947867521093	-0.5673093897639575	0.6714943843234895	-0.8249346783598672	-1.14518323908038	0.3163918561219358	-1.0
+-0.6157679753986348	0.4818844313932231	-0.9968310585142698	-1.2587389234575157	-0.13663059667681254	-1.0279670772124834	0.706786857050775	-0.6904798678826702	-0.4827953906185903	-0.5701499451905969	-1.0
+0.2569471288542966	1.5642941112942426	-0.4876383988464647	-0.18718415120109458	0.5107449696879154	1.3461265840581278	-1.3151884324787642	1.068389508532141	-0.37668426842571795	0.3421929071779397	-1.0
+-0.6347133540887495	-0.6126569025552565	0.1703010138061078	-0.1664555579622947	-2.0952062182172067	0.38603676575367113	0.3002562000544153	0.08842763992076454	-0.13340897466176344	1.4209351619663688	-1.0
+-0.47235410745258716	0.5729988139150151	-0.4850595058844777	-0.15567945847061898	-0.19887873047208993	-0.5092631999649271	-1.0987992672950895	-1.0731697302949255	0.4091083963306731	0.36127770133120546	-1.0
+1.348477640157112	0.1056171951992196	0.30246748396282647	-0.9586719258865162	-0.36608162082237955	-1.1746021972936962	-0.1104797017983427	0.5837353803364724	0.015855085036363698	0.31641437296428776	-1.0
+-0.6941133815736903	-0.4922533073975141	1.0246867796221957	-0.7328611828086632	-1.8075686814334113	0.015639071246758493	-1.1030988933993413	1.567481628821488	-0.544001706464763	-1.7671682075295625	1.0
+-1.1998976549397067	0.5299836934162991	-0.4826134086299561	1.4230890782852053	0.3160466707224389	-0.07712471634825681	1.158777059377552	-0.28445264840780704	-0.7048537624168384	-0.3568308272005653	-1.0
+2.054766940484087	0.45702367294089635	0.09930961125761868	-0.972440103007244	1.2565330851874768	-0.8241180690382746	1.7312439564050395	-1.419053169163019	-0.7049432046927923	1.2316026333737335	1.0
+1.101284926764392	1.7554614074656816	0.7099348051271424	-0.9411249748185898	-0.5698876417830449	-0.15531727630886025	0.3051795923829064	0.027685278062173545	1.2925785702615822	1.9510233167373248	1.0
+-1.5307845177593458	2.6127751715911196	-0.2956981320655803	0.8775470095080579	1.965863350374583	-0.13306985269305216	0.20628954090156332	1.1925864791786829	0.32179232215783604	-1.5978277494425965	1.0
+-0.6328983913376816	-0.7159013111718755	0.29500059197510337	-0.5807894773598137	-0.002437836039437605	1.310372403809571	-0.06490586956342449	0.7743326061513508	0.6655686371568377	-1.0536074221491292	-1.0
+0.20666041679611882	-0.5776222962014703	-1.1098531903353674	-0.17170610878736967	-0.46193780303071924	2.2219972209209153	1.3300322294680265	1.044844596242824	-0.8683296597100442	-1.1408765184001595	1.0
+-0.1899324955516181	-1.8197246260538953	-0.2706408410892096	-0.18543189690840267	-0.020479592184002634	-1.5393619643193515	1.3359280544342882	1.809559062013307	1.847034566034904	-0.37826785580864375	1.0
+0.7893306117933414	-0.12574074599967686	-0.39038971435552516	-0.6326138411488339	1.338583899757978	0.24608668309133622	1.1871470713268655	1.55363566766585	0.5563395441834632	0.9117826132755482	-1.0
+0.6279827142791382	-0.2751355633607001	1.636940026986625	0.11948676431035118	-0.38218561950008473	0.8569357593959693	-0.3895883735110826	-0.39729216402303313	0.7861285414820862	1.571107175791185	-1.0
+-0.38583750988940974	-0.5258345681743802	0.8521354115232078	-0.3338844202442113	-0.09362855911650035	1.1420164876222862	0.4415986166638487	-0.5841677332741908	2.2988024660836075	0.4765570885765116	-1.0
+2.3599200516979573	0.20682203367251384	0.9336515706787034	-1.0932811702687104	0.42184582327349074	0.5551146698244397	0.13933479207635607	1.0838427156150756	-0.468357180798582	-0.10815718347738154	1.0
+1.0508959176017107	-1.4060079804480254	0.4042613067682539	-0.8874127586191878	0.6518197032564903	-0.16048912608268934	-0.5149771337882664	0.2612957084685722	-0.8992081386256809	-2.2268936522332496	1.0
+-0.07533667342120584	0.21273567976604205	-0.22989836791031443	-0.37818017790783215	0.9343155009964128	-2.345814609395681	-0.3596327940039769	1.5715957194891856	2.034729590204251	-1.9618774998571225	1.0
+1.6407957004609395	1.4316627337126229	-0.8361315420441789	-1.5675064945566297	-1.3953019427160025	-1.0316492402144084	0.9495109877192456	2.055727817538546	0.3089721653742086	0.5717674946586677	1.0
+1.6276842774565934	-0.12795187013838147	-0.17220999520902547	-0.24651180830750666	0.8449689217661127	0.05692204486040831	0.36484157157680597	1.5275685045508984	-1.1532710330000069	0.05138390288378477	-1.0
+0.6610083661714523	0.2526144047950178	0.7962793874725443	0.2919480492572578	1.590083663225134	-0.6633914532609547	-0.45509474950995144	-0.384752869685364	0.2917160512879265	-0.7142818534278084	-1.0
+-1.3531434366831476	0.29302992354437796	-0.09836976853511888	-1.0741086412814047	-0.5038565826207987	-1.1468582759830002	-0.08181671470205046	-0.4016495264340397	-0.7587258613691726	-0.16126453956851516	-1.0
+0.6016227679922365	0.056354502594519226	-1.8121423692891707	0.1965233613245465	-0.6943860614469485	0.012546845047570256	-0.4606758972379333	-1.8634999293549062	-0.7051400729303516	0.41897587958746374	-1.0
+-1.9133366018788798	0.35083214903639687	0.8008674121568591	-0.05254496968857821	-0.14218708360593765	-0.601904323310269	-1.9638949208966343	-1.4326661388519937	-0.41385867625833944	1.1414390385314899	1.0
+0.4283994809606867	-0.4375840368897602	-2.032474985128294	2.2070962562060124	-0.442887120591291	0.6849810319201358	-0.09401325486718157	-1.1543223802376485	-0.44769467483869924	1.1756457574951538	1.0
+-0.08226590552511784	-0.678293603619443	-0.9035596731651937	0.8900388502882759	0.24266917301967314	-0.9928269959103321	-0.6274082228426521	0.9851745421900604	1.2091223016989463	-1.49478674603554	-1.0
+0.4030400432945849	0.8720703681379659	0.10198502622400524	0.12259336833988714	-0.704549162909227	-1.4618056930065029	0.4935658858711918	0.23313566616926099	0.5122157195185668	-1.3071088040851062	-1.0
+-0.6254743252009708	0.579975453607916	-0.2919999892320938	-0.2329679225266393	-0.5113920754445339	-0.11067843480032645	-0.3717046596088192	-1.8748672538819908	0.33700046191127087	-0.6068495672475098	-1.0
+-0.9470310377505121	-0.28215888966289526	0.10391350851068666	0.4014108843339115	-0.09502224520357692	1.2300366606502033	1.5926460696826992	0.7792660370784795	0.9993874181337882	0.8517960130894703	-1.0
+-0.45777125725283174	-0.806284643972833	-0.0435236119386749	1.662374354758104	1.2085354364221468	1.556522411447892	-1.2788512883810654	-0.455756956443262	0.09485879435668251	0.6201240039297692	1.0
+0.31468670859451353	1.147205315117736	0.4670547721496973	1.407928767824251	-0.449423945637487	1.8775376959759165	-1.1820558191301882	0.1643246028100053	1.0608075163516415	0.3084081958848771	1.0
+1.8472145500550996	-0.965485526868436	0.7334866371901756	2.2288306182855844	-0.5687791035097295	-0.5875826375294395	0.7712256758667221	0.17745923789375548	-0.1885606970044303	0.34305381102652177	1.0
+0.20670588174115048	1.1821079069568747	-0.45877046734404187	-1.743400851516044	-1.1184966331305222	0.2717635165635207	1.7044124058488197	0.5670655831044707	-2.9573080236238627	0.10996096782993792	1.0
+-0.6252959483494426	-0.10214479377533424	-0.8824120847606778	-0.3634865012856248	-1.1522924932027905	-0.16680749445890236	0.1563520414284613	-0.6962595336536241	-1.2149687720595306	0.9842298130002843	-1.0
+-0.6648300558177451	-0.4088711803627999	0.5500547105837971	1.2760734142661982	1.0065928812166451	-0.5931844000466455	-0.3480047740741018	0.3269367294143378	-0.6960459864931441	-0.5482151094120655	-1.0
+-0.507078087219509	1.18877334926099	0.8189490075573302	-0.9924637622503634	-0.2601058105833051	-0.6747221355704269	1.109747855436369	-0.9575679873704243	0.533912517609756	-0.2834632288976984	-1.0
+0.48389030332763994	-1.3973939406139884	0.4411535415367884	2.840934045170846	0.05137496778317731	0.0799917644565092	0.6996921477940655	-1.2688126054995426	0.2171846927249087	0.6517331766966568	1.0
+0.11726251279466149	-0.5088280505679528	0.05622426168019664	0.11503995419386834	0.006948720229944149	-0.004187720341121327	0.6615532687429645	-0.8550331016043872	-1.834505461405178	-0.8417247190431978	-1.0
+0.018052948826035475	-1.7456474033138019	-0.3802886118863579	-1.199207909587762	1.2971782714052027	0.43509913546464335	-0.09577560017911917	-0.08420214850143712	-0.13947649801557307	1.3404814810755619	-1.0
+-0.06393638299935273	-0.010129093070543486	-0.24239486198700796	0.5813366197780404	0.5562707214464697	0.4806021496814187	-0.39393006473036735	-0.02886654754536932	0.9119928575806696	-0.8744572811650699	-1.0
+0.14472478620216575	-0.822256895819182	1.249548821946764	-1.3779059852716031	2.640720063948574	0.3620569491029427	-0.3502107580354476	-0.21420582816399905	-1.537834740751678	0.1748985388883603	1.0
+0.022992489719796137	0.9395822035885754	-0.6073432714266748	-0.19302465000773966	-0.9443557732601788	1.192410144146758	0.9958567540349768	-1.1724325106831495	0.7146410948550277	0.9215638275323317	-1.0
+-1.0681475083540837	1.1737465723647493	0.0425686539281844	-0.5816646503725408	-2.5631781725745304	-1.0331088880420292	-1.6171330319135984	-0.5978381047221595	0.8212437476189511	0.46116929738992163	1.0
+0.30532182565065585	-2.265100571287215	-0.4480351363845567	0.3603904152784818	0.7977246679768999	-0.13276336268865901	-3.6834254576237297	1.0858495615885153	0.7354533486845228	0.1319757580668312	1.0
+-0.17915483128917625	0.2950596733431731	0.5897199324461302	-1.1732963847387587	2.693115987307678	-0.17976412312601334	0.8828504232504503	0.5159182551294635	-0.5899374933956164	0.11800999156920727	1.0
+0.0414784093810277	-2.011524123008888	-0.6456221997691051	-0.5580565689155201	0.06793828698074192	-1.3730523528350311	-0.5356909733231939	-1.0022145133356253	-1.3516973959598106	-0.502018544081136	1.0
+-0.9944172607400229	-0.6098403768386543	0.18989464531865016	-0.662804995781301	0.9417206925111654	-1.4883531792402838	-0.6895326468395994	-0.5232265149511736	1.0204136548350797	0.04064381826002282	-1.0
+0.5747316588966324	0.6900476779972793	-2.7625231071340886	0.345024446666456	1.503561699465583	0.49221078436800053	-1.0621742581830027	0.48304833712679873	-0.5360353156800517	0.37352618217741684	1.0
+1.1853741625910386	-0.3005103158299248	1.2158021851682594	0.5572712718549641	-0.27284450656041404	-0.9395842128945764	0.4472577345628648	0.7882800258063911	0.24762398847587438	-1.298679494260435	-1.0
+-0.4971503655941615	-0.24421799229723357	-0.33200663452871976	-1.3368540570852527	-1.2688412686664279	-0.9672949690340252	-1.5640511160937458	-0.6692395014511519	-1.1526919633482788	-0.29525573267481786	-1.0
+0.11701607582427777	1.8060424683595981	-1.643216700924402	0.47376065779325915	0.7602343594578252	-0.07522801723093894	0.2707058563483622	0.6316729391598359	-1.2777268124226566	-0.5535862722398234	-1.0
+0.3615474410944046	1.5048275929664492	-0.2054076568332366	-0.7934278806952061	1.230652045275742	-0.6209917498722767	-0.4831254279889111	-0.1567412220835026	-0.7704281898596805	-1.0476798306011679	-1.0
+0.2606028317737536	1.1460687241564065	0.5448039157911289	-0.5161604415376451	1.1192856073026938	-0.04573242751190334	-1.1174141641825204	0.5099747086555912	-1.0441716897758415	0.6343580285714173	-1.0
+-1.3050152320601445	-1.4122778820595319	0.9336555719402558	0.5731145101190835	1.2422914771571927	0.5172075006910418	0.8161176173576298	-0.3668655396580845	0.64682977934943	2.086857931989087	1.0
+0.2272803554472606	1.1984671874118402	-0.8151160781702477	-0.9782809211619702	0.4814053158772546	-0.7200807433852916	-0.6889967579378558	1.83883585205462	-0.7379559328942746	1.598322697355314	1.0
+1.1463046676292419	-0.47152373831337097	0.05819184796068433	-0.14621452804210264	-0.488711485942135	0.2213560916366698	1.4654627100589352	0.8175707696430663	-0.6866099129770709	1.4447355580305374	-1.0
+-0.8749174011865701	-0.6667370939580209	0.34798843935592527	0.09987720817675334	0.3487068317400604	-0.19459815214320633	-0.49294822744589983	-0.5013279982280351	0.8560454075141318	-0.2121245233803154	-1.0
+1.7607838164447576	-1.525854812470503	-0.8650245299389395	-1.669700637850485	-0.9616076951813216	1.1188709905810248	0.26006840792833197	-0.3078701778426684	0.4723313592779459	0.4981739512701375	1.0
+-1.5951420698926986	0.8786811312842483	0.8213044353339226	-0.16379340416135882	-0.7323501614438012	-0.5782445247377506	-1.5072661427790546	0.8816874232280826	-1.1791742474554547	0.2304749651124652	1.0
+-1.0889427741665212	-0.5220734037606071	-1.9415689875541835	0.014878702067629106	-1.0495693827891757	0.43142498221747594	0.4330585698146207	-0.6116894374108254	0.28109429974601496	3.275617365711465	1.0
+0.11878830130476423	1.3917509719844934	-0.3230868695871695	0.6085910763443342	0.6275488944129571	-0.3840587533079116	-0.4585684381260975	-0.21818457470463182	0.63465095883121	0.8310400806953708	-1.0
+0.8945910847601497	0.42656037278595327	-0.17594324230579542	0.2862158913862498	-0.5813327770945454	1.0413957712284256	0.9262616840416348	0.9125608999394378	1.4700106839663887	-0.31326019996400245	-1.0
+-2.2083544955091305	0.8269192076023478	1.406346161668233	-0.37919596746080236	0.5337424956110441	0.4063808862970326	0.8221000257371119	-0.30946960434883997	-1.9598098482543396	-0.24822948663480426	1.0
+-1.732093121573239	0.27012846734847185	1.1772304192704672	0.6201446395214746	-0.4559298533537475	-0.02898273335653276	-0.5043567819352085	-1.8602693543263522	0.892663819030918	0.5780211121925788	1.0
+0.10808270897687249	-0.9983157192290119	-0.23325382782630705	0.40909371066566913	-0.7628331645662754	0.2539629520440203	-0.1684279097792362	0.9075381900485673	0.5661017818034008	-0.16363894429244674	-1.0
+-0.17294616194488052	0.8052606048249799	-0.6152475228282018	0.7698686507318977	-0.8851519619103735	-0.13194904914396574	1.0148268926326587	-0.668054472714387	-0.8944413931175152	0.21019482842224912	-1.0
+-1.0188710680082356	-0.12295504076383744	1.3925927655599764	0.7198749317376983	0.1987683615281052	-0.012413181267393238	-0.6088930527713253	-1.5011070882076027	0.4670223630817151	0.24780362451366816	-1.0
+-0.029085976634234924	0.7128111110763384	-0.26053884827334556	-0.048152616983957126	0.9680429760359305	0.02928934886062733	1.1854780037135333	-1.0076926631390077	-0.5515472956185499	-0.6463323386395872	-1.0
+0.6766941968349902	-0.40291227045970157	-1.7399238177610705	-0.05706883661085907	0.9839780564546721	0.24892807081197502	-0.6192339719013864	-0.012637104022108884	0.6937402548586544	-0.723025813056958	-1.0
+0.8809921756181853	1.2128100387492307	0.09470901301521023	0.5818838527724537	1.45702133911897	-0.31931931496252214	-1.350040087941649	0.851487405508199	0.5022073619100016	2.600134471972234	1.0
+-0.5248342592350455	-0.34811694815854305	0.1878133730482386	-0.2024945802176055	0.9609315282243789	0.3593718573123588	-1.8295692274740618	1.922493725073769	-1.5904380803268587	0.4666780703545214	1.0
+-0.2561434511500723	0.38420424259326186	0.05420452004213428	-1.7574212131098905	-0.9302507609540777	1.2411888399167437	-0.3033870977772807	1.379758138347685	-2.1679091963504273	-0.15904459763031392	1.0
+-0.16702837783987454	0.14937872150432513	-1.0991106359880194	0.19800720431278343	0.1953045262945686	0.210217026518776	0.49018197885757137	0.6020464238894785	0.32233815640483915	0.0890867674136862	-1.0
+2.021384889466194	-0.14651147229463413	0.4683023172831155	0.45490572760826525	-0.3275860902037367	0.08289952788026125	-0.6062420084216179	0.4634965687249688	1.312527345247834	0.8937443868829268	-1.0
+0.49903931966046644	-0.021357678699424645	0.08411111849646848	-1.8060946983625388	-0.05974836418957331	-0.10835283132760822	-0.9040117495007599	-0.5941602717775115	0.4853868946217957	1.0430671996294052	-1.0
+0.2328147365613502	-0.1772650620949674	0.6820354302443399	-0.641145941592425	1.9949970410365634	-1.9830462971712988	0.946420280651653	-0.558359435801665	2.348249004631265	0.8667535041200152	1.0
+0.8563644107429265	-0.7123339148678473	-0.41156087512218614	-1.073793523904964	-2.4784542006872963	-0.8790840231115762	1.6371401399155896	1.8257976693208129	0.4613262136481971	-2.32963829740501	1.0
+0.17462079448777026	0.8882431393071787	0.4020227084665405	1.4964554951410303	-2.470322409458582	0.568765388845961	1.1374654131923696	1.8004637700609187	1.3612768649543636	1.053656431547029	1.0
+1.3414445625497082	-0.2126630964236831	1.0853165331064356	0.027288582271880697	0.43608836614197016	0.7972767081794714	0.7601918859815628	1.0585543442099583	-0.7448064194864259	-1.0420114334705224	-1.0
+2.378017852076423	-0.6735352267552333	-0.19137460168753143	-0.30254503786584197	0.6460967989220421	-0.24751401467289388	0.48891727266474166	1.059023458906097	0.8653998151203843	-0.7774987967268528	1.0
+-0.0855614334961492	0.8516969986968422	-0.7315664758763912	-0.736422197598801	-1.5393491900994971	-0.23127776320420598	0.6442046569033979	1.5480548720621174	0.5557086569079478	0.047149159636999276	-1.0
+-0.3266129624654037	-0.3639794027315855	-0.22112678133674096	1.1379679083180234	0.5268874231969504	-1.7285392532314996	0.10028620516318935	-0.21550907594030058	-0.431801927606627	-1.3475948802804383	-1.0
+-1.7453407906436096	-0.908082012466908	0.7959198728890421	-0.20217923120893258	-1.8227014626970723	0.5158276575356843	-0.18031560591841786	1.4499911721111827	-0.263336268974876	-1.351231012130384	1.0
+-0.2959871627851967	-0.9015197724472659	-0.9271431662265599	-1.2364496403787968	-0.9897432921287661	-1.1647907848135666	-1.61766925660243	-0.10966239928843292	0.07920795251656151	1.222398612736673	1.0
+-0.03144078424613136	0.6798256139639434	0.30556663244722354	0.470539688470026	1.5871820952122668	-0.062461120636085145	0.2159254735356825	-0.36124766861644386	1.1011304521840373	-0.10277392228492051	-1.0
+-0.09151932729411667	0.8652074707701121	0.8042254801134513	-1.3246903023267511	0.48762763190692276	0.570925604382688	0.3093866278460463	0.5981615702074029	-1.4502170180529097	1.2263966079495237	-1.0
+-0.10801196848242103	-0.3745496565819397	-0.5075091025316738	-0.6025509512306585	1.2157223746619141	-0.5513656019304338	1.392296858057388	-1.8131647119422671	-0.7115718206532261	-0.8776622616646866	-1.0
+-0.12286125533543557	-0.3772502945523501	-1.3356458683340764	-1.0492861673803693	-1.0668854591219696	1.0338859448295161	-0.5816641947757603	-0.4681259288207543	0.1890713540203446	-0.9575536476640532	-1.0
+-1.0417117183884093	-1.0002515126163511	-2.204138068452858	-1.931622716902054	1.370605814641548	0.009513877483349621	0.29724743983189866	1.1719681875870331	0.0713401549809366	-0.2156983399324975	1.0