diff --git a/aepsych/benchmark/problem.py b/aepsych/benchmark/problem.py index a7c99831b..2cd918ef1 100644 --- a/aepsych/benchmark/problem.py +++ b/aepsych/benchmark/problem.py @@ -4,16 +4,23 @@ # This source code is licensed under the license found in the # LICENSE file in the root directory of this source tree. - +import os from functools import cached_property from typing import Any, Dict, Union import aepsych import numpy as np import torch +from scipy.stats import bernoulli, norm, pearsonr from aepsych.strategy import SequentialStrategy, Strategy from aepsych.utils import make_scaled_sobol -from scipy.stats import bernoulli, norm, pearsonr +from aepsych.benchmark.test_functions import ( + modified_hartmann6, + discrim_highdim, + novel_discrimination_testfun, +) +from aepsych.models import GPClassificationModel + class Problem: @@ -281,3 +288,122 @@ def evaluate(self, strat: Union[Strategy, SequentialStrategy]) -> Dict[str, floa ) return metrics + +""" +The LSEProblemWithEdgeLogging, DiscrimLowDim, DiscrimHighDim, ContrastSensitivity6d, and Hartmann6Binary classes +are copied from bernoulli_lse repository (https://github.com/facebookresearch/bernoulli_lse) by Letham et al. 2022. +""" +class LSEProblemWithEdgeLogging(LSEProblem): + eps = 0.05 + + def evaluate(self, strat): + metrics = super().evaluate(strat) + + # add number of edge samples to the log + + # get the trials selected by the final strat only + n_opt_trials = strat.strat_list[-1].n_trials + + lb, ub = strat.lb, strat.ub + r = ub - lb + lb2 = lb + self.eps * r + ub2 = ub - self.eps * r + + near_edge = ( + np.logical_or( + (strat.x[-n_opt_trials:, :] <= lb2), (strat.x[-n_opt_trials:, :] >= ub2) + ) + .any(axis=-1) + .double() + ) + + metrics["prop_edge_sampling_mean"] = near_edge.mean().item() + metrics["prop_edge_sampling_err"] = ( + 2 * near_edge.std() / np.sqrt(len(near_edge)) + ).item() + return metrics + + +class DiscrimLowDim(LSEProblemWithEdgeLogging): + name = "discrim_lowdim" + bounds = torch.tensor([[-1, 1], [-1, 1]], dtype=torch.double).T + threshold = 0.75 + + def f(self, x: torch.Tensor) -> torch.Tensor: + return torch.tensor(novel_discrimination_testfun(x), dtype=torch.double) + + +class DiscrimHighDim(LSEProblemWithEdgeLogging): + name = "discrim_highdim" + threshold = 0.75 + bounds = torch.tensor( + [ + [-1, 1], + [-1, 1], + [0.5, 1.5], + [0.05, 0.15], + [0.05, 0.2], + [0, 0.9], + [0, 3.14 / 2], + [0.5, 2], + ], + dtype=torch.double, + ).T + + def f(self, x: torch.Tensor) -> torch.Tensor: + return torch.tensor(discrim_highdim(x), dtype=torch.double) + + +class Hartmann6Binary(LSEProblemWithEdgeLogging): + name = "hartmann6_binary" + threshold = 0.5 + bounds = torch.stack( + ( + torch.zeros(6, dtype=torch.double), + torch.ones(6, dtype=torch.double), + ) + ) + + def f(self, X: torch.Tensor) -> torch.Tensor: + y = torch.tensor([modified_hartmann6(x) for x in X], dtype=torch.double) + + +class ContrastSensitivity6d(LSEProblemWithEdgeLogging): + """ + Uses a surrogate model fit to real data from a constrast sensitivity study. + """ + + name = "contrast_sensitivity_6d" + threshold = 0.75 + bounds = torch.tensor( + [[-1.5, 0], [-1.5, 0], [0, 20], [0.5, 7], [1, 10], [0, 10]], + dtype=torch.double, + ).T + + def __init__(self): + + # Load the data + self.data = np.loadtxt( + os.path.join("..", "..", "dataset", "csf_dataset.csv"), + delimiter=",", + skiprows=1, + ) + y = torch.LongTensor(self.data[:, 0]) + x = torch.Tensor(self.data[:, 1:]) + + # Fit a model, with a large number of inducing points + self.m = GPClassificationModel( + lb=self.bounds[0], + ub=self.bounds[1], + inducing_size=100, + inducing_point_method="kmeans++", + ) + + self.m.fit( + x, + y, + ) + + def f(self, X: torch.Tensor) -> torch.Tensor: + # clamp f to 0 since we expect p(x) to be lower-bounded at 0.5 + return torch.clamp(self.m.predict(torch.tensor(X))[0], min=0) diff --git a/dataset/csf_dataset.csv b/dataset/csf_dataset.csv new file mode 100644 index 000000000..dc63e2056 --- /dev/null +++ b/dataset/csf_dataset.csv @@ -0,0 +1,1002 @@ +response,contrast,pedestal,temporal_frequency,spatial_frequency,size,eccentricity +1,-1.15259397,-1.046486855,3.046627522,0.72082305,7.036864281,4.527903557 +1,-0.687903285,-0.360834837,14.74137783,5.511976242,3.052233696,6.071419239 +0,-1.011672735,-0.611639678,8.461746216,4.17500782,3.64626503,9.26524353 +1,-0.172755241,-1.356041431,19.21899605,2.871879101,8.68788147,0.223239526 +0,-0.895380437,-1.26287806,15.81914997,3.718243599,6.207810402,7.531545162 +1,-0.240890384,-0.518814325,6.265731812,5.055304527,1.203649521,1.573645353 +1,-1.41107893,-0.079026461,10.06239414,6.357373238,5.106760502,3.674944878 +1,-0.380895853,-0.764283955,2.071475506,1.60208714,9.05853653,7.131905556 +0,-1.033166289,-0.858873248,5.42158699,6.166413784,8.100632668,8.168540955 +1,-0.008808136,-0.173402786,17.43493271,0.982035875,4.09619236,2.250203848 +1,-1.267422318,-0.424438,1.23694396,2.306308985,2.44300437,3.116452456 +1,-0.61884892,-1.168288946,11.68778896,4.028052807,7.499967098,6.533248901 +1,-1.38377142,-1.450446367,13.27345371,4.794860363,9.663301468,3.836968184 +1,-0.55065608,-0.706200242,4.036188602,3.063037634,4.639332771,5.4196558 +1,-0.774647236,-0.266274333,17.76068497,1.748273492,1.795224428,9.87843895 +1,-0.315850377,-0.952081978,9.460920334,6.923712254,5.762344837,0.79664284 +1,-0.839482725,-0.989095569,10.71251869,2.705081701,4.826840401,9.655752182 +1,-0.366734743,-0.232969284,1.509241819,4.43711853,9.901500702,1.236625314 +1,-1.35554564,-0.669192791,15.2876339,5.751871109,5.927459717,4.138992786 +0,-0.507107377,-1.483745217,7.021858215,0.576243043,2.04594636,5.056607723 +1,-1.237788916,-1.205943227,7.938774109,1.333628654,3.928845644,2.657968044 +1,-0.579637527,-0.391773939,19.98610687,6.517823219,7.843353748,6.740258217 +1,-1.096502542,-0.135754347,3.685765505,5.193536758,7.31901741,8.547650337 +0,-0.064121366,-0.891531348,14.17059898,3.472001314,2.207036018,1.966298819 +1,-1.474449515,-0.801342964,18.32168961,3.781907082,1.512522221,3.353371382 +1,-0.43617475,-0.045767665,8.81202507,2.444644451,6.606993198,7.39731884 +1,-0.865689874,-0.481760621,12.51609802,1.142587304,9.381269455,7.92999649 +1,-0.201736212,-1.296131611,4.568934441,5.898050308,5.484409332,1.387588382 +0,-0.983504057,-1.393741369,0.471043438,6.779029369,2.722805262,9.02283287 +1,-0.129149318,-0.579021573,12.20954895,1.988071442,6.657121181,0.565755427 +1,-1.217395067,-0.323140502,5.993577957,3.325053215,8.381102562,4.693398952 +0,-0.738821983,-1.079099417,16.79458237,4.627961159,3.25377655,5.649585247 +0,-0.991854191,-1.11629045,13.93413925,1.686878085,5.250399113,7.291637421 +1,-0.144050479,-0.29040122,3.131369352,6.274169922,9.193400383,3.210113287 +1,-1.132964611,-0.588689625,19.44675636,5.138726234,6.346625328,1.423469067 +1,-0.659376383,-1.379621625,7.706486702,3.633234024,1.351028442,8.006505013 +1,-1.436933875,-1.286800861,7.409785271,2.752131224,3.511947155,0.373358577 +1,-0.403929591,-0.495520234,15.35884666,4.293168068,8.544794083,8.790493965 +1,-0.920692086,-0.008204341,1.59427762,5.393687248,6.888934135,5.911324501 +0,-0.26336956,-0.834477365,11.10583878,0.840699852,2.912871838,4.993249893 +1,-1.298604488,-0.929041624,16.3870697,6.826202869,1.937180758,0.951721013 +1,-0.6354568,-0.102604389,5.90289402,1.844195366,5.895595551,9.408342361 +0,-1.064892292,-0.401120186,12.14398003,2.966943502,9.801532745,5.255060196 +0,-0.025971532,-1.192236662,0.097304344,4.892541885,4.786196709,4.296897888 +1,-0.76086551,-1.474004388,4.785813332,4.135032654,2.309201717,6.698245525 +1,-0.281475067,-0.683270931,13.0510273,2.200917006,7.35746336,2.65596962 +1,-1.369801164,-0.195819855,9.370848656,1.087702513,7.954316139,2.095221043 +1,-0.516103864,-1.021907806,18.57356262,6.059159279,3.958512545,8.638388634 +0,-1.328403234,-0.965811491,2.32256484,3.36482048,7.733983994,2.438890934 +1,-0.488656998,-0.25690496,10.6216917,5.299131393,2.630875349,8.394805908 +0,-0.812528849,-0.739373326,6.800181866,6.41235733,4.356567383,6.277641773 +0,-0.34846127,-1.412913084,16.03680801,1.440680623,8.26212883,2.820215464 +1,-1.117963195,-1.135499477,18.84569931,0.673947215,5.504167557,5.519281387 +0,-0.088620424,-0.46156466,8.395435333,5.655753136,1.631531,3.976535559 +1,-1.258705735,-0.159347415,14.65144062,4.533018112,4.407513142,0.764395595 +1,-0.603581071,-0.868591309,2.638677597,2.607596159,9.473233223,9.808081627 +1,-0.88075906,-0.778426528,9.853765488,4.747910023,8.796652794,6.11706543 +1,-0.231528163,-0.069335699,17.84650612,3.206690311,3.678130627,4.536053181 +0,-1.490061998,-0.551576376,4.106621265,2.106159687,3.152208805,0.088261425 +1,-0.466521263,-1.225664377,13.66186047,6.659354687,7.07750988,9.17081356 +1,-1.184570551,-1.322929978,11.45624256,5.813065052,8.956363678,1.86468184 +1,-0.726419806,-0.649179935,0.697150886,1.225986719,5.068311691,7.782568932 +0,-0.950490534,-0.347098351,16.88097191,2.361417294,1.092680454,6.92974329 +0,-0.116569281,-1.055794597,5.184381008,3.866720676,6.178141117,3.51096487 +0,-0.936167717,-1.0771451,18.1199379,6.209891796,9.597100258,2.966441631 +1,-0.270049691,-0.333105683,9.814706802,1.648006082,4.564359665,6.385407448 +0,-1.452231407,-0.639735103,13.54466629,3.570546627,1.719701529,8.326795578 +0,-0.41042161,-1.325016975,4.301936626,5.101438999,5.695594788,2.409330845 +1,-1.146963239,-1.235125899,0.892460227,4.33204031,8.140999794,9.719917297 +1,-0.670463204,-0.549495399,11.33906174,2.816409588,4.198099136,0.637782574 +1,-1.00567615,-0.047979116,5.145315647,0.877987325,2.544361353,3.9866364 +0,-0.154947758,-0.792402327,17.15441513,5.456374645,7.539784431,5.567841053 +1,-1.377775192,-0.889714837,10.34826088,1.908467174,6.300361156,9.102720261 +1,-0.532849073,-0.14549017,2.361624002,6.865080833,1.252272964,0.058613233 +0,-0.769016206,-0.451984406,16.15400124,4.955235481,5.155932903,4.682190895 +0,-0.29840982,-1.137813568,6.604866028,3.004224777,9.151636124,6.224747658 +0,-1.074319124,-1.422510862,8.200126648,2.162038803,6.952535152,3.521001339 +1,-0.03833437,-0.737064779,18.96288109,4.070760727,2.994289875,6.978233337 +0,-1.308209419,-0.235775948,2.677743673,6.021878242,3.588870049,7.694335461 +1,-0.648007751,-0.979651272,14.37799644,1.025008917,8.604101181,1.738004565 +0,-1.243420362,-1.016664028,5.629462242,5.338012218,2.824694633,8.094044685 +1,-0.597076893,-0.202470422,16.42612839,3.429088593,6.697504997,1.55068779 +1,-1.102498293,-0.700057864,0.214497715,1.47798419,8.420936584,3.200608492 +1,-0.081929564,-1.455810547,11.94866371,6.475029945,3.355116367,7.242463112 +1,-0.79869473,-1.175467253,12.85571861,5.591485023,1.43753171,4.846427917 +1,-0.337576151,-0.41931951,4.90299511,0.635066628,6.540809631,5.804173946 +1,-1.314393878,-0.107842565,18.61262894,2.544923544,9.314537048,8.859128952 +1,-0.477580905,-0.922373474,9.097405434,4.495714188,5.408869267,0.402313113 +1,-0.942351997,-0.82946074,3.404801369,3.167803526,3.870884657,4.28747654 +1,-0.099622369,-0.014719486,13.89508057,4.683648109,7.759041786,5.205974102 +0,-1.17660737,-0.512442589,7.58929348,6.622056961,7.235254765,9.495970726 +0,-0.709663868,-1.268380046,19.64207268,2.043480873,2.149623871,1.079023123 +0,-1.480445027,-1.362716079,15.55415535,1.290248752,4.87544632,8.70708847 +1,-0.453982472,-0.607116461,7.292603493,5.851951599,9.994069099,2.124244928 +1,-0.871321619,-0.295411825,11.06677246,3.92939949,6.020576954,2.509216785 +1,-0.219176054,-1.109758615,1.867720485,2.398714781,2.095101833,6.591158867 +1,-1.419218183,-1.10046351,9.007334709,5.550857544,2.401203394,5.105088234 +1,-0.39784205,-0.309158564,18.20450783,0.785091877,7.405537605,4.149019718 +1,-0.903343022,-0.569566011,4.52986908,2.909182072,8.001840591,1.109938383 +0,-0.257647038,-1.395814776,12.78954124,4.237679482,4.049964428,9.567509651 +1,-1.021288872,-1.305581093,12.48298073,4.991035938,1.854499936,1.936660051 +1,-0.185294747,-0.479670286,0.431984127,3.679362297,5.839300156,8.47956562 +1,-1.162032127,-0.0244205,16.67738914,1.539415359,9.74468708,6.847949982 +1,-0.700254679,-0.815330923,6.188893318,6.320070267,4.702965736,2.804115295 +0,-0.789933324,-0.912665606,1.313932657,0.943148255,3.446295738,1.260985017 +1,-0.32235384,-0.121910691,10.82970047,6.102150917,8.470369339,7.841841698 +1,-1.399235606,-0.382180095,7.060923576,3.990756035,6.815059185,7.445888042 +0,-0.557347655,-1.208246469,15.01419067,2.243630886,2.84776926,3.36348176 +1,-1.281255722,-1.493333697,19.712677,3.127300262,5.289117813,5.757341385 +1,-0.629734755,-0.666872084,7.977833748,4.833747864,9.29365921,4.839615345 +1,-1.047176361,-0.211852551,14.28779221,6.986390114,6.447432995,0.53618592 +1,-0.019883513,-1.002944708,3.490449429,1.785570145,1.390296102,8.954813004 +1,-1.088527679,-0.946848989,17.23962402,4.372841358,8.900051117,0.252272725 +1,-0.047376871,-0.27293849,5.538769245,2.666210413,4.985648155,9.333952904 +1,-1.229638934,-0.722973585,11.72685528,0.513554811,1.009467125,5.964342117 +0,-0.56270206,-1.432241797,0.96350044,5.71458292,6.121278763,4.381160259 +0,-1.346119642,-1.151510119,3.762756824,6.556694508,8.844709396,7.082809925 +1,-0.494743824,-0.442625046,13.3125124,1.397906065,3.770149708,3.665513992 +0,-0.829877198,-0.17865324,9.578112602,3.509289503,3.243678093,1.700937986 +0,-0.354184508,-0.852214396,17.56536865,5.256225109,7.12501812,7.619163513 +1,-1.201918721,-0.75928092,14.93668652,2.508915663,5.604408741,6.42608881 +1,-0.732142568,-0.085552335,2.929445505,3.820784569,1.670266867,2.969620705 +1,-0.96820724,-0.535725951,19.17993164,5.960744858,4.446798325,2.279149055 +1,-0.122656584,-1.244443655,8.735188484,1.179869413,9.574023247,8.237166405 +1,-0.851691961,-1.339123726,6.539164066,1.949194074,7.659542561,0.9238711 +0,-0.190648675,-0.630057216,15.78009129,6.714757919,2.56524086,9.965988159 +0,-1.460626841,-0.365854859,1.954282522,4.590679169,4.291481972,5.370491028 +1,-0.425278187,-1.03996706,10.25771046,3.262358904,8.18823719,3.827472925 +1,-1.055121303,-1.03379786,1.162371635,5.075568676,1.312576771,2.553554773 +1,-0.033728123,-0.371428967,11.6160202,3.594830036,6.380682468,6.634719849 +1,-1.289423943,-0.624483109,5.33710289,1.623095036,9.159342766,8.731132507 +0,-0.643722177,-1.345292926,17.35325241,6.236389637,5.288851738,2.149037361 +0,-1.361770511,-1.250635386,17.68672562,5.431471348,2.949125767,9.471793175 +1,-0.525782108,-0.530220747,9.388544083,0.904477417,6.857074261,1.054364085 +1,-0.752691507,-0.091057539,13.18958282,2.790531397,8.576654434,4.243309975 +1,-0.290931225,-0.75308907,3.953900337,4.356331348,3.475692034,5.162241459 +1,-1.13060379,-0.846001148,8.553039551,3.030920982,4.749940872,8.893081665 +1,-0.663018584,-0.184179902,19.31309319,4.93012619,9.833393097,0.436709076 +1,-0.989728987,-0.437098384,3.10878253,6.889165878,5.863736153,4.900369644 +0,-0.147823811,-1.157723427,14.80633736,1.882795453,1.973435163,5.857643604 +1,-0.917324841,-1.438386798,10.15429497,1.049101591,3.996964931,3.146533489 +1,-0.26582098,-0.717423797,2.164960146,5.996198654,7.920258045,7.189126968 +1,-1.433068395,-0.278488278,15.88191414,4.097449303,7.3915205,8.060263634 +1,-0.405781269,-0.940704107,6.330078125,2.136937141,2.270750046,1.516119957 +0,-1.49933362,-0.997395098,12.57848263,6.450745106,8.296186447,7.718966007 +1,-0.458165526,-0.217997074,4.633359432,1.503856182,4.318115234,1.762191296 +1,-0.890621781,-0.660727501,18.413517,3.402592182,2.669328213,3.564705372 +0,-0.223679304,-1.498883128,8.905893326,5.362921715,7.6999259,7.022409439 +0,-0.958574295,-1.213773489,6.05534935,4.469223022,9.441372871,4.638620377 +1,-0.107204199,-0.375966549,16.85961533,2.569828272,4.443767548,6.180438519 +1,-1.192508817,-0.128124237,0.562258124,0.61077714,1.59527576,9.077918053 +0,-0.716833353,-0.907138586,12.3040247,5.617361546,5.536028385,0.03459787 +1,-0.814562201,-0.80982548,15.20368481,2.068588734,7.109371185,4.039962769 +1,-0.344780207,-0.030612588,6.939949036,6.595362663,3.115953207,5.621944427 +1,-1.330672979,-0.473478198,10.63817501,4.709321499,3.714385271,9.754475594 +1,-0.485105157,-1.311086655,1.436939716,3.143717051,8.764793396,0.671592057 +1,-1.262663722,-1.401388526,3.601207256,2.424392939,6.144083023,8.292370796 +0,-0.601637721,-0.56339711,14.08930302,3.905308247,1.13113296,2.375387907 +1,-1.12142086,-0.315327406,7.863822937,5.877054691,5.029860497,2.912943363 +0,-0.086077929,-1.09488976,19.91441917,1.263558626,8.990421295,6.331475258 +1,-1.276649356,-1.104254484,12.05217266,4.212601662,8.724136353,5.317164421 +1,-0.610537052,-0.301602483,0.003418289,2.935847521,3.614403725,3.773369312 +0,-1.042890787,-0.600925803,16.32470894,0.759389043,3.084093809,0.889312863 +1,-0.001098156,-1.368220091,5.83845377,5.574973583,7.000610352,9.932178497 +1,-0.782866418,-1.273952365,9.279649734,6.294372082,9.020083427,2.313573599 +1,-0.306349277,-0.506275058,18.47906303,1.56352663,5.140818596,8.271109581 +0,-1.391757011,-0.020887017,4.724059582,3.65427947,1.169592619,6.479587078 +1,-0.541022897,-0.823888302,12.98597431,5.017705917,6.246262074,3.023552895 +1,-1.013844252,-0.916822553,19.52111435,2.26794529,7.53841877,1.67630744 +1,-0.168935299,-0.113988638,7.778766155,3.964854717,2.408946991,7.594976425 +0,-1.154908299,-0.413173437,14.01810741,6.128617764,4.130250454,7.039105892 +0,-0.684307575,-1.181018233,3.213258743,0.918268383,8.062179565,3.621337891 +1,-1.414989471,-1.461338997,1.669248581,1.812041879,5.726090431,6.007912636 +1,-0.378999114,-0.693842888,11.17751026,6.96150589,1.827084064,4.425469398 +1,-0.898702741,-0.208685398,7.494366169,4.858057499,4.607471943,0.277074754 +1,-0.238483906,-1.011135697,15.44012833,3.101403713,9.699556351,9.35796833 +0,-0.855874956,-0.973436534,4.191123009,5.68791914,2.014085293,0.502233267 +1,-0.209537268,-0.24130404,13.74352074,0.538631737,5.963715553,8.920417786 +0,-1.465129972,-0.731536746,9.92835331,2.642092705,9.865246773,5.703399658 +0,-0.444578409,-1.428725481,17.91825104,4.398545742,4.858700275,4.786145687 +1,-1.209500551,-1.143959761,16.96486664,5.232115269,2.241094112,7.499962807 +1,-0.748364806,-0.446433067,5.266654015,3.534986019,7.280564785,3.416817665 +1,-0.975376785,-0.151041508,11.53022194,1.371234655,7.88180542,1.294765711 +0,-0.138558149,-0.883568406,0.769509196,6.581779003,3.894788742,7.876409531 +1,-1.353323817,-0.786234558,6.738049507,1.205772161,5.450352192,6.803612232 +1,-0.510611296,-0.053551912,15.97183418,5.936429024,9.419721603,2.760554552 +1,-0.83740139,-0.543922663,2.231291771,3.845663071,6.568540573,1.912616253 +0,-0.37046361,-1.241293788,10.52757645,2.482450247,1.546580434,8.454772949 +0,-1.093088508,-1.331207275,14.58869553,3.287245035,3.285636187,1.134115696 +1,-0.066620111,-0.634231389,2.574311495,4.564206123,8.344848633,9.592168808 +0,-1.233787298,-0.338609457,18.75381279,6.740653038,6.693376541,5.149254799 +0,-0.581624627,-1.0709548,8.30192852,1.924885869,2.690944433,4.192752361 +0,-1.402648568,-1.061367035,16.2452755,2.846182585,4.08841753,4.736970425 +1,-0.554850578,-0.34093082,6.698981285,4.199117661,7.967782974,5.693895817 +1,-0.793936074,-0.655347466,10.41039276,5.486891747,7.439594746,9.047636986 +0,-0.320364952,-1.31735754,2.426598549,0.747494519,2.362751722,0.589771986 +0,-1.049399853,-1.220160246,2.769629478,1.577010393,4.666710854,7.905364513 +1,-0.016378403,-0.557767034,14.47150421,6.384037018,9.776548386,1.36340034 +0,-1.283335209,-0.063145041,8.262871742,5.029600143,5.807440281,3.309666157 +0,-0.626006961,-0.78393054,19.02724648,3.742361307,1.890754104,7.353141785 +0,-0.911236525,-0.874119699,13.47007942,4.054525852,2.884023666,8.582076073 +1,-0.248106003,-0.153132439,4.230191231,2.281422853,6.78319931,2.000243187 +1,-1.427346587,-0.467779636,18.03543472,1.006343961,8.502229691,2.711467266 +0,-0.388431549,-1.129971147,9.733046532,6.140518665,3.41004014,6.79419136 +0,-1.171848774,-1.407362103,5.071335793,6.948028088,1.351844668,4.085665226 +1,-0.69245255,-0.7455194,17.08205795,1.722370625,6.481490135,5.002502918 +1,-1.030606627,-0.250758886,0.808565974,3.08950305,9.259600639,9.621192932 +1,-0.176892281,-0.971362472,11.25678825,4.769981861,5.327569962,1.202814698 +0,-0.96429497,-1.028053999,7.505325794,0.552131653,6.087220669,9.902617455 +1,-0.124554396,-0.190268517,19.56018257,5.777569294,1.047919989,0.821303129 +0,-1.198598266,-0.68882221,3.330442667,4.410449028,4.947196007,3.881135941 +0,-0.734547853,-1.467857957,13.82280159,2.730164528,8.93410778,5.463389874 +1,-1.458456278,-1.186022043,10.98219109,3.445335865,7.156878948,3.072113037 +1,-0.429096341,-0.406648278,1.786439657,5.218615532,3.207422972,6.489686966 +1,-0.8493765,-0.097076297,15.47918415,6.49370718,3.806403875,8.14449501 +1,-0.194246054,-0.935256243,7.22093153,1.359331489,8.812849998,2.225410461 +1,-1.221418023,-0.840667784,0.276858866,5.922935009,9.542163849,3.729021311 +1,-0.572204351,-0.002700567,12.01310349,1.116115808,4.483052731,7.185242653 +1,-1.080543995,-0.501023948,5.721269131,2.470541,1.634011269,7.565327168 +1,-0.057008982,-1.280610561,16.52001572,3.757597446,5.636269569,1.608214378 +1,-0.820651174,-1.373453736,18.67438126,4.653862476,8.222293854,9.231289864 +1,-0.362494707,-0.594262362,9.16245842,3.300738811,4.2530303,0.188842341 +0,-1.336394072,-0.284828424,12.94691849,2.012951374,2.603693485,4.473960876 +1,-0.502455592,-1.122458339,4.997494221,6.752562523,7.625484467,6.017948151 +0,-0.765060067,-1.085291147,7.135266781,3.608329296,5.659340382,6.875667095 +1,-0.300352097,-0.317635298,15.08649349,5.165218353,1.751561522,3.457627535 +0,-1.374315739,-0.584526777,1.3978827,6.2482934,4.53249836,1.830899835 +1,-0.535392642,-1.38754952,10.9116087,1.711167693,9.633356094,7.748000145 +1,-1.306174874,-1.289962411,14.36274433,0.814828038,7.578236103,0.122215264 +0,-0.651690483,-0.487334728,3.562139273,5.417972088,2.510304451,9.205211639 +1,-1.072050333,-0.040193558,19.79723358,4.268259048,4.232156754,6.17100811 +1,-0.041884422,-0.807512164,8.059130669,2.778627634,8.102546692,4.589523792 +1,-1.444149494,-0.897676289,4.43804121,4.916633129,9.113183022,0.74021703 +1,-0.419785619,-0.130204558,12.69567394,2.941265345,5.189991474,9.783421516 +1,-0.928227842,-0.397323728,8.944951057,1.870885372,1.218215823,5.475113869 +1,-0.279637337,-1.199798346,18.14008331,6.801099777,6.338812828,3.932801723 +0,-0.996403396,-1.47753191,16.58617401,6.085854053,8.640356064,6.321980953 +1,-0.163305283,-0.674719453,6.094417095,1.062594652,3.557009459,2.863777161 +0,-1.137101531,-0.227442622,12.42120838,2.225003481,3.026149511,2.462935925 +0,-0.678310394,-0.995308876,0.366951376,4.109359264,6.916280746,8.419599533 +1,-1.179975748,-0.957608879,19.11777496,1.414190292,3.38697648,2.060795307 +1,-0.70721066,-0.260060787,8.670229912,6.437260628,8.384682655,8.604444504 +1,-0.946216464,-0.712413847,14.84539413,5.274840355,6.733760357,6.644745827 +1,-0.09777236,-1.444919348,2.835348606,3.390698433,2.792833567,2.602036238 +1,-0.873680592,-1.162739396,1.89151907,2.583312988,5.374812603,5.308387756 +1,-0.215534925,-0.430582523,10.19336319,4.558888435,9.352988243,4.351002693 +1,-1.482571959,-0.167258263,6.447262764,5.629254818,6.502357006,0.986280441 +1,-0.450207949,-0.864422679,15.68660736,0.698858142,1.471589804,9.442153931 +1,-1.110530138,-0.769857824,11.81133842,6.685034275,2.183682442,5.867753029 +1,-0.072249651,-0.072857618,1.045181155,2.082067013,7.196802139,4.948939323 +1,-1.251593351,-0.524983227,17.31419563,3.231791973,7.797493458,0.348555386 +0,-0.587622523,-1.257304311,5.610537529,4.721221447,3.836827278,8.766477585 +1,-1.324163079,-1.35053587,9.661984444,3.891829967,2.063241005,1.448100805 +1,-0.469825506,-0.617831826,17.64765739,2.334721088,6.056832314,8.030693054 +1,-0.807877004,-0.354642749,3.836715698,1.251658678,9.95781517,7.335342884 +0,-0.329309702,-1.051992416,13.3848896,5.788980007,4.907306194,3.254290581 +1,-0.803876936,-1.049270868,8.11646843,4.339076996,7.206924915,1.170540452 +1,-0.33330965,-0.352293849,19.8180294,2.807784557,2.174095392,9.58754921 +1,-1.319385529,-0.620546937,3.541347027,0.886831641,3.830066919,5.124188423 +1,-0.474603057,-1.352891207,14.30540657,5.449117184,7.805906296,4.205677986 +0,-1.24977982,-1.254205346,10.89082146,6.219136715,6.030701637,6.829212189 +1,-0.589436054,-0.521523893,1.340549946,1.640349627,2.08771944,2.747246981 +1,-1.109402418,-0.075950623,15.14382362,3.577183962,4.934606552,1.876420975 +1,-0.073377132,-0.77332288,7.156053066,5.093214512,9.929978371,8.459316254 +1,-1.487360954,-0.862022281,0.351046294,2.141890764,8.409635544,7.460942268 +1,-0.445418954,-0.16449666,12.35899353,4.092495918,3.361460209,3.419150352 +0,-0.877692103,-0.432977915,6.156630993,6.000753403,2.764650822,1.322428584 +1,-0.211523533,-1.165506005,16.60207748,1.044545531,6.760299683,7.865769863 +1,-0.947332621,-1.441408634,18.20230484,1.887748837,9.343887329,0.474342048 +1,-0.096656322,-0.709274948,8.960861206,6.884212017,5.385556698,8.93113327 +1,-1.181777835,-0.263565779,12.67976379,4.934682369,1.479662776,5.741886616 +0,-0.705408573,-0.9607535,4.375821114,3.026366472,6.494846344,4.784193993 +0,-1.141158819,-0.991809607,15.62682629,5.612397671,5.214404106,5.984305859 +1,-0.674253106,-0.224315047,6.428909302,0.615739346,9.087126732,4.441686153 +1,-1.001146555,-0.678213239,10.21171474,2.565257549,6.311170101,0.308854699 +1,-0.158561945,-1.480664968,1.951297045,4.473793507,1.245296001,9.352976799 +1,-0.930075705,-1.197386265,2.853695869,5.35795927,3.547367573,1.643993378 +1,-0.277789354,-0.39455092,14.90516758,3.407555819,8.650560379,7.600349426 +0,-1.445219874,-0.132611156,8.610458374,1.499284983,6.924894333,7.062483788 +1,-0.418715239,-0.900454462,19.09943008,6.455316067,3.019179583,3.605198622 +1,-1.067318559,-0.804424644,13.40811825,1.2808218,1.762242556,2.33489418 +1,-0.046616316,-0.036745787,3.891607761,5.859791756,5.65031147,8.252297401 +1,-1.30212903,-0.490416288,17.59276962,3.922968864,9.626037598,6.450093269 +1,-0.655736327,-1.293416142,9.638757706,2.406730652,4.540353775,3.031140804 +1,-1.373233914,-1.384816766,5.555639267,3.160980225,2.484731674,5.346887112 +1,-0.536474466,-0.582166195,17.2909584,4.692058563,7.603272438,3.765705585 +1,-0.76320076,-0.320362091,1.068413973,6.613024712,8.129289627,0.868526161 +0,-0.302211523,-1.087657928,11.86623478,2.050928116,4.203763008,9.950609207 +0,-1.340394139,-1.119359851,19.00401306,5.000444889,4.510698318,8.309199333 +1,-0.498455524,-0.281370163,8.207975388,3.671541214,9.515080452,2.351168394 +1,-0.825428724,-0.597354412,14.52639771,1.54586339,5.611857891,2.907339096 +0,-0.357717037,-1.376918435,2.7928617,6.312035084,1.660066962,6.363868237 +0,-1.082357526,-1.277889967,2.481491327,5.557711124,4.244413376,4.045948029 +1,-0.055195332,-0.498675346,10.43362427,0.776650131,8.22926712,5.589017868 +0,-1.222545624,-0.00541544,6.67575264,2.918184757,7.635124683,9.737722397 +1,-0.571076751,-0.843022048,16.19038391,4.230264187,2.593491077,0.695583224 +0,-0.844587505,-0.931746483,11.31656456,3.106367826,1.055239558,4.619199753 +1,-0.199035168,-0.093937755,0.826913714,4.853093147,6.079364777,6.202366829 +1,-1.454444766,-0.410153031,17.06371117,6.966075897,8.923429489,9.08611393 +1,-0.433107853,-1.189165592,5.011562347,1.807472825,4.956222057,0.004496509 +0,-1.197482109,-1.465458035,9.714694977,0.923233151,3.18067956,7.710694313 +1,-0.73566401,-0.68606168,17.97565651,6.123653412,7.185274124,1.792522073 +1,-0.962492883,-0.192662954,4.289968491,3.969423294,8.838418961,3.583743811 +1,-0.126356602,-1.03082037,13.48842812,2.263375521,3.781370878,7.001014709 +1,-1.026549339,-0.968951106,7.236842632,6.576824665,6.789961338,3.142522335 +1,-0.18094945,-0.247986794,15.54140472,1.376190186,2.875609398,7.224943638 +0,-1.167105556,-0.747925282,1.724221587,3.530431986,3.399920464,8.072581291 +1,-0.697195768,-1.41013968,10.9662838,5.236669064,8.511814117,1.491661787 +0,-1.425498724,-1.126472712,13.76058388,4.393589973,6.454188824,8.880382538 +1,-0.390279412,-0.464652777,3.314535618,2.647047758,1.379682064,0.461701274 +1,-0.910166144,-0.156625509,19.57608795,0.534078121,5.353697777,4.904304981 +1,-0.249176264,-0.877251923,7.567539692,5.692472935,9.235125542,5.822055817 +1,-1.288066983,-0.781198502,4.940159798,1.942137837,7.995969296,9.473513603 +1,-0.621275187,-0.060785174,12.92612839,6.723400593,4.06187439,1.015955925 +1,-1.053445816,-0.560493112,9.183245659,4.581854343,2.337799072,4.23328352 +1,-0.012332678,-1.222526073,18.73171425,3.269598007,7.465109825,5.189291 +0,-0.795017898,-1.314270735,16.54080772,2.49970293,9.768472672,2.563657999 +1,-0.319283247,-0.651900411,5.778607368,3.828410864,4.674224854,6.607441425 +1,-1.404507875,-0.344011664,11.95576859,5.954075813,1.899853945,8.729793549 +1,-0.552991271,-1.064820051,0.256068498,1.18812418,5.796696663,2.186911345 +0,-1.231973052,-1.068600416,13.04331207,3.734222412,9.426550865,1.481561422 +1,-0.583438873,-0.335894585,4.74485302,5.037738323,5.441870689,8.024021149 +0,-1.091961622,-0.636579931,18.45827293,6.376294613,1.536525726,7.313106537 +1,-0.067747116,-1.33392787,9.222314835,1.58475399,6.57805872,3.269135952 +0,-0.833402038,-1.237829089,5.81766367,0.739356399,8.317616463,5.890065193 +0,-0.374463081,-0.540830612,16.26737404,5.495029926,3.313404083,4.933865547 +1,-1.348545551,-0.057010174,0.060749799,4.191373825,2.717143536,0.315475821 +1,-0.515389562,-0.789332926,12.0729599,2.853925228,6.668829441,8.772615433 +1,-0.976492226,-0.880802274,15.42422104,4.790418148,5.991967201,5.277523518 +1,-0.137442589,-0.14864707,7.432148457,3.069067955,1.987477541,4.35996151 +0,-1.211303353,-0.449193716,11.23972511,1.743207216,4.833814621,1.005919933 +1,-0.746562004,-1.146359921,1.68515265,6.927191257,9.890693665,9.425022125 +1,-1.469919682,-1.425581932,3.275479794,6.160953522,7.27256012,2.040773869 +1,-0.439788699,-0.728031993,14.03401756,0.985908151,2.24853611,8.622110367 +1,-0.859885752,-0.244442582,7.762858868,2.302259922,3.903957844,6.675534248 +1,-0.205526352,-0.976946414,19.45889664,4.033689499,7.870992184,2.593307018 +0,-0.900551319,-1.008003354,0.709730387,1.338905215,2.436658144,6.295233727 +1,-0.236635447,-0.205192327,11.51187038,6.514133453,7.511270046,2.878384113 +1,-1.416059136,-0.696969748,5.285003662,5.197794914,8.037836075,2.497989655 +1,-0.377929449,-1.464837313,17.02464294,3.466157675,4.156238556,8.416351318 +1,-1.158964872,-1.178240657,17.93659973,2.70973897,1.818539262,0.705087304 +1,-0.680251002,-0.410767555,9.988128662,4.430874825,5.732991695,9.786898613 +1,-1.018588185,-0.116760731,13.68374729,5.756747246,9.709266663,5.501479626 +1,-0.164191484,-0.919233918,4.172777176,0.572952509,4.59719944,3.918728828 +1,-1.390675902,-0.820435286,8.325159073,6.76069212,3.621791363,0.151248753 +1,-0.542104125,-0.017806172,18.80870628,2.004822731,8.716213226,9.193201065 +1,-0.781006396,-0.509722114,2.519420624,3.308466196,6.989997864,6.133668423 +0,-0.308209181,-1.277039409,14.56546688,4.646134853,3.093053818,4.590175629 +1,-1.038158298,-1.365854263,10.47268009,3.765725851,5.114145279,6.913388252 +1,-0.005830526,-0.598199725,2.208057404,2.462411642,9.048409462,3.456441164 +1,-1.272604227,-0.30396235,15.99506569,1.12384367,6.271903038,1.801942706 +1,-0.614582181,-1.106986523,6.792943954,5.915207386,1.1444875,7.759781361 +0,-1.123235226,-1.091424584,3.930664301,2.770500183,3.140296459,9.245283127 +1,-0.084263802,-0.312234402,13.13468456,4.276386261,7.083384037,0.16270794 +0,-1.263790607,-0.566856444,9.44343853,5.410242081,8.737078667,4.471325397 +0,-0.600510716,-1.404487371,17.70995903,0.822556615,3.741537094,6.052389145 +0,-1.334672332,-1.308731318,17.408144,1.703040004,1.12142396,3.731886148 +1,-0.481105804,-0.470763087,5.360333443,6.256421089,6.154354572,7.150725842 +1,-0.819340408,-0.032961488,11.59279346,5.157489777,8.998969078,7.551867485 +1,-0.34000206,-0.812546909,1.107482672,3.616059303,5.022955418,1.633966923 +0,-1.191393375,-0.903994083,6.389853477,4.129786491,4.328724861,3.060710907 +1,-0.717948794,-0.124619246,15.90025997,2.204575062,8.287229538,6.518112183 +1,-0.956771493,-0.37910533,2.146615744,1.083414555,7.692537308,8.144539833 +0,-0.109006882,-1.217284203,10.09452343,6.065034389,2.677252769,2.188678026 +1,-0.885832071,-1.496116519,14.78798389,6.821527958,4.418129921,9.902039528 +1,-0.228468895,-0.658332109,3.049001694,1.850458384,9.466474533,0.858416259 +1,-1.495322824,-0.220758677,19.3728714,2.962085247,5.562703133,3.892309666 +1,-0.462176323,-0.999795616,8.571389198,4.895813465,1.566948891,5.435040474 +1,-1.431219816,-0.937925816,12.31993675,0.678421378,9.843444824,4.078384399 +1,-0.407629848,-0.276081681,0.624479711,5.649692059,4.740426064,5.036571503 +1,-0.916255176,-0.720196605,16.79739571,4.538052559,1.96660459,9.636646271 +1,-0.266890764,-1.44079864,6.039439201,2.604147434,5.872218609,1.179970622 +0,-0.985672414,-1.154590368,8.843678474,3.370261431,7.894062042,8.566393852 +1,-0.151880503,-0.433604598,18.39761162,5.295277119,4.021509171,2.023163557 +0,-1.125859857,-0.187307477,4.649262905,6.416426182,2.297982216,2.718213081 +0,-0.667762518,-0.849500418,12.64069557,1.435026407,7.363751888,6.760504246 +1,-0.753772616,-0.750722528,19.85708618,5.79711628,6.405566216,7.914936066 +1,-0.289849997,-0.088330746,7.843035698,1.243521214,1.287130713,1.331923127 +0,-1.363630533,-0.532581329,14.11008835,2.342465878,5.260596752,3.291921616 +1,-0.523922086,-1.253368378,3.658538103,3.884085417,9.185954094,7.373394489 +1,-1.294156432,-1.341839194,1.45773387,4.72935915,6.847906113,4.755248547 +1,-0.638989687,-0.621401548,10.69551468,3.223655939,2.959938049,5.673261642 +1,-1.059166431,-0.374876738,6.882611275,2.089811563,3.483699322,9.038294792 +1,-0.029682875,-1.036885381,15.18289185,6.677289486,8.569210052,0.621172965 +1,-1.462429643,-1.042367697,6.248750687,1.609832406,1.698518395,1.84626317 +1,-0.423475385,-0.368616223,16.69566727,6.349629402,5.577800751,7.803362846 +1,-0.852807403,-0.627662063,0.413710237,5.063441277,9.549138069,6.937414169 +1,-0.189533234,-1.336356878,12.42312527,3.710106611,4.472245693,3.481254101 +1,-0.972218037,-1.247954369,12.77127171,2.879623652,2.557236671,6.109470844 +1,-0.118645787,-0.53886497,4.47001791,4.167262077,7.666984558,4.565534592 +1,-1.206708431,-0.082047105,18.26435471,5.520112991,8.197406769,0.107062094 +1,-0.727352858,-0.756136417,9.025602341,0.712686539,4.280668736,9.149486542 +1,-0.828750312,-0.854935825,3.467295647,6.902876854,4.992477417,5.535414219 +1,-0.355311394,-0.181002378,14.23282528,1.769108415,8.891569138,3.953145027 +0,-1.344305515,-0.439909697,8.032798767,3.042601109,6.111224651,0.759011209 +1,-0.49655807,-1.149155021,19.7358284,4.81529808,1.018985391,9.840388298 +0,-1.224860668,-1.435340762,15.06916523,4.007217407,3.742918015,2.443894386 +1,-0.567480326,-0.7264328,7.084083557,2.327144623,8.872477531,8.363033295 +1,-1.084528446,-0.269845486,10.8065424,0.961598396,7.151217461,6.261432648 +1,-0.051376224,-0.943383813,1.258961558,6.186850071,3.219131231,2.843834162 +0,-1.045316339,-1.00603199,17.50795364,3.492821217,8.4777565,6.700184822 +1,-0.021743536,-0.215300322,9.557395935,5.172718048,3.438371897,2.617475986 +1,-1.280174613,-0.663790405,13.33322906,6.538250923,2.837156773,2.084498167 +1,-0.630815864,-1.489879966,3.820170164,1.313200712,6.824019432,8.666268349 +0,-1.395190477,-1.210979462,0.98421222,0.59706223,9.266985893,0.962367415 +0,-0.561392784,-0.384540439,11.78426361,5.731050491,5.317443371,9.380692482 +0,-0.785200834,-0.119184136,5.481361866,4.457546234,1.415937662,5.252738953 +1,-0.327086329,-0.910298824,17.21891403,2.684654236,6.422327995,4.335926056 +1,-1.163101912,-0.818830311,10.27353859,4.620232105,7.433248997,0.368822634 +1,-0.699185014,-0.027547836,2.016574383,3.33278203,2.374054432,8.826701164 +0,-1.023137569,-0.476176739,15.71780205,1.979944468,4.025620461,5.924643993 +0,-0.183446169,-1.302448034,6.523336887,6.787157536,8.02782917,4.967657089 +0,-0.908086956,-1.398226619,8.672891617,5.890321255,5.830755234,7.278699875 +1,-0.252903104,-0.572339058,19.16409492,1.150316954,1.861401081,3.235172749 +1,-1.423274755,-0.306751728,2.945278645,2.436516285,4.712676525,1.428081274 +1,-0.393785477,-1.097685456,14.99898338,3.790033817,9.734415054,7.970068455 +1,-0.869518816,-1.113268375,17.13858223,0.848426878,7.769650936,8.984948158 +1,-0.220978856,-0.298550129,5.083017826,5.385958672,3.861927509,0.567087173 +0,-1.479329586,-0.603611946,11.40135574,4.301297188,2.142235756,4.720669746 +0,-0.455097914,-1.359572291,0.908291638,2.744002342,7.243179321,5.6394701 +1,-1.172596574,-1.270779967,4.364230156,3.640962362,9.968430519,3.326328278 +1,-0.713674664,-0.515203238,13.56049728,5.130999565,4.900547981,7.407357693 +1,-0.937562287,-0.012325048,9.79887867,6.282299042,2.121776581,7.968416214 +1,-0.104412079,-0.826694608,18.0576458,1.678748965,5.992250443,1.385875702 +0,-1.315520763,-0.925471842,14.43540764,6.038338184,6.721848011,2.693562508 +1,-0.47645402,-0.111301064,2.698457241,1.108523846,2.798707724,6.736335278 +1,-0.800508976,-0.416227221,18.94216919,2.180490017,3.327402353,8.522669792 +1,-0.335761905,-1.172002792,8.142718315,4.155457973,8.448088646,1.979005575 +1,-1.107276559,-1.458531141,6.584148884,4.871720791,6.53110075,9.680198669 +0,-0.077151299,-0.702406287,16.09658813,2.987764835,1.447802901,1.224300623 +1,-1.247419715,-0.199755788,2.419035435,1.823769808,5.417417526,4.103168964 +0,-0.59307754,-1.014309645,10.36897469,6.84662962,9.307632446,5.060606956 +1,-1.310069323,-0.982383192,9.120563507,2.628432274,1.277156711,3.858375072 +1,-0.646147728,-0.238136053,18.66760063,4.512180328,6.274914742,5.400624275 +1,-1.075400114,-0.734338582,4.848024368,5.676188469,9.123380661,9.848115921 +1,-0.037253261,-1.420145035,12.8325634,0.653511882,5.182544708,0.804926515 +1,-0.773061335,-1.140900373,11.89369392,1.46151793,2.98512125,8.198635101 +1,-0.294364691,-0.455431223,0.191343278,6.391521454,6.963347435,2.241996288 +1,-1.382507682,-0.142409563,16.44928169,5.319566727,8.612108231,3.094512224 +0,-0.528116584,-0.886261582,5.684429169,3.344384909,3.581424952,6.552662373 +0,-1.004606485,-0.794813812,1.807868719,3.858977556,4.574410439,7.507547379 +1,-0.156017423,-0.050751209,11.04850006,2.369160414,9.587585449,1.590385914 +1,-1.14511466,-0.547089636,7.310873032,1.217847824,5.688764095,3.707859993 +1,-0.672311783,-1.232348323,15.61400509,5.821202755,1.728184462,7.125912666 +1,-1.447487473,-1.328515291,19.66034698,6.651611328,4.171902657,4.495522976 +1,-0.415165544,-0.642862201,7.649148941,2.113902807,8.165543556,6.077030182 +1,-0.932111144,-0.329612374,13.83522797,3.198552847,7.567017078,9.289470673 +0,-0.274106264,-1.074012995,3.386528254,4.756049156,2.516592503,0.206422627 +0,-0.954502046,-1.058560729,11.16569424,5.474021912,3.703084707,0.912077427 +1,-0.112557769,-0.349492788,1.612552524,0.860339999,8.771137238,9.994937897 +1,-1.189359665,-0.646419287,15.34057426,2.833661079,7.049326897,5.371670246 +0,-0.721630812,-1.320530057,7.349931717,4.314786911,3.178748131,3.789739847 +0,-1.491864085,-1.228807926,7.688215256,5.119086266,5.059211254,6.425443649 +1,-0.464719176,-0.555080891,19.38690376,3.552899122,8.967107773,3.006973028 +1,-0.881875217,-0.066197395,3.19121933,1.665259004,6.186214447,2.291171074 +0,-0.230412006,-0.77491653,13.95240879,6.192640305,1.085169554,8.208140373 +1,-1.253928185,-0.870945692,18.55040741,1.020454407,2.64099884,7.096889496 +1,-0.608358622,-0.162062049,9.315879822,6.026431084,7.724397182,3.639160633 +1,-1.113963127,-0.459216237,13.10599422,4.065805435,8.255368233,1.697472334 +1,-0.092620492,-1.132778883,4.808965683,2.166994095,4.364979744,7.654300213 +1,-0.811401248,-1.416377544,0.152276844,2.999671698,1.605400562,0.255509079 +1,-0.349588871,-0.742465615,12.1671381,4.95979023,5.528645992,9.298892021 +1,-1.326589704,-0.25344646,5.879737854,6.860125542,9.500533104,5.949728489 +0,-0.490470529,-0.962713242,16.33209991,1.913422465,4.379676819,4.407895565 +1,-1.36575532,-1.025360823,2.581263065,4.500283718,5.906276703,5.766082764 +1,-0.520149708,-0.198900461,14.63072395,2.540354252,1.928152084,4.808834076 +1,-0.756133795,-0.679824114,8.416149139,0.640030503,4.778877735,0.518527508 +1,-0.286206841,-1.470917344,18.9031105,5.586519718,9.809388161,8.97484684 +0,-1.063033104,-1.194602489,16.05752182,6.479599476,7.33189106,1.278109431 +1,-0.027830839,-0.403846502,6.85759306,1.473414898,2.334238052,7.822189808 +1,-1.297522664,-0.100244284,10.56428337,3.434053898,3.985254288,7.436917305 +1,-0.636538625,-0.926309586,2.30185461,5.333048344,7.925921917,3.394338846 +1,-0.925435305,-0.837609589,5.200212002,2.381051064,9.217813492,1.930515051 +1,-0.258626342,-0.01169765,16.94326591,3.947061777,5.224342823,8.51263237 +1,-1.440991163,-0.492393136,0.634860098,5.834690094,1.323385954,6.863012314 +1,-0.399872303,-1.283302546,11.44041443,1.307510376,6.373705387,2.781795502 +1,-1.134034991,-1.382399201,13.5995636,2.025818586,8.535152435,5.09025526 +0,-0.658306003,-0.591095388,4.090786934,6.639720917,3.522151232,4.171262741 +0,-0.993702054,-0.287629128,17.86233711,4.666386604,2.921485186,1.116617799 +1,-0.142202616,-1.113879085,9.916059494,3.185065269,6.881964207,9.534060478 +1,-1.213383555,-1.082243919,2.055640697,6.337731838,6.614313126,8.675699234 +1,-0.742833495,-0.326645732,10.00009537,1.52175355,1.50466609,2.133594036 +0,-0.978715062,-0.575882554,6.328028679,3.696625948,5.473731041,2.529858112 +1,-0.133938313,-1.390230656,15.83498383,4.973773479,9.390295029,6.572892666 +0,-0.863887787,-1.298898458,19.28128815,4.255341053,6.630377769,4.267217159 +1,-0.203538299,-0.484155774,8.477574348,2.891521215,2.751200914,5.223706245 +1,-1.473333359,-0.043006301,14.72555161,0.802354515,3.279345751,9.527436256 +1,-0.437290907,-0.798942327,2.984337568,5.533593655,8.356069565,1.069444418 +1,-1.101279974,-0.894996524,9.518328667,1.780999899,9.929146767,4.880108356 +1,-0.059343815,-0.138847351,17.78139687,6.990962029,4.799757004,5.797415733 +0,-1.241788864,-0.388314724,4.015478611,4.828784943,2.021534443,8.836196899 +0,-0.57563746,-1.202844262,13.21604729,3.132262945,5.95351553,0.417987764 +0,-1.356673241,-1.486100435,11.66707039,2.239059687,7.834736824,8.116900444 +1,-0.505979776,-0.67190814,1.179528713,3.995326281,3.935819149,1.535241604 +0,-0.841296256,-0.230620146,17.49234581,6.097187996,2.216676235,3.16654706 +1,-0.364921212,-0.986374259,5.442303658,0.948111594,7.308814526,7.249755383 +0,-0.77869308,-0.95444864,14.19375896,5.260780334,4.124378681,3.549338341 +1,-0.311804533,-0.269000888,3.740739822,3.504733562,8.074090004,6.967052937 +0,-1.388503194,-0.703839898,19.93113708,1.402860165,7.475014687,7.657215118 +0,-0.545924306,-1.447713375,7.915617943,6.5517416,2.468518972,1.738570809 +0,-1.269281626,-1.171742558,6.966889381,5.719138145,4.63125658,9.13945961 +1,-0.616989613,-0.42751956,15.26448154,0.508999765,9.670815468,0.058581114 +1,-1.034248114,-0.169955015,1.532392502,2.671163559,5.771444321,4.653777122 +1,-0.007726312,-0.855785728,10.76748371,4.367886543,1.784481049,6.236157417 +1,-1.406335711,-0.767062128,16.73473167,3.244713306,3.058995724,9.694171906 +1,-0.385639071,-0.081433296,5.975306511,4.608325958,7.028450489,0.651254535 +1,-0.891323149,-0.516041279,12.22781658,6.697504044,8.677761078,4.021164894 +0,-0.244947672,-1.260466218,0.530891657,1.966447473,3.655848265,5.564983368 +1,-1.010602236,-1.35917449,4.587211132,1.162222862,1.176348448,2.931988478 +1,-0.173825622,-0.615133345,12.57595539,5.97838974,6.235647678,6.388035774 +1,-1.150746107,-0.3577075,8.752171516,3.803530931,9.084663391,8.35292244 +1,-0.689751148,-1.042987585,18.3034153,2.526169777,5.082284927,2.395325184 +1,-1.012898922,-1.045092583,16.27223778,2.945648909,2.465332031,7.958948612 +1,-0.170226932,-0.359261632,5.783503532,4.90580368,7.478471756,1.375800967 +1,-1.152901411,-0.613210082,12.10712051,6.806126595,8.079126358,3.335784912 +0,-0.685922623,-1.357432842,0.055886377,1.859412193,4.118513584,7.417421341 +0,-1.410012722,-1.261287928,4.749716759,1.068068862,1.781574249,4.711214066 +1,-0.383583903,-0.517413974,13.00915146,6.074131012,5.775179863,5.629405499 +1,-0.894867361,-0.080423951,9.256474495,4.113492966,9.676129341,8.99441433 +1,-0.242665529,-0.765871286,18.45340919,2.214621067,4.625671387,0.577162504 +1,-1.266909003,-0.857339978,14.04864693,5.166642189,3.667494059,4.112632751 +1,-0.620623589,-0.172060013,3.251084328,3.600459099,8.665287018,5.070682526 +1,-1.03210032,-0.425777912,19.48329163,1.712831497,7.014259815,9.670742989 +0,-0.011496663,-1.169819236,7.748229027,6.240183353,3.073456526,1.214232922 +1,-0.774954319,-1.44908607,7.446777821,5.420089722,5.094208717,8.532124519 +1,-0.313869238,-0.704661608,15.39982605,0.806461692,9.072469711,1.989073753 +1,-1.384997845,-0.267810106,1.709548116,2.77979517,6.221737385,2.684099436 +0,-0.548128247,-0.953439355,11.22509575,4.260842323,1.191087008,6.726258278 +0,-1.354572773,-0.984632552,9.973499298,2.079872131,9.393976212,3.104588032 +1,-0.509702921,-0.228696942,17.96099472,6.693676949,5.470870495,6.56212616 +1,-0.839059532,-0.673462272,4.148382187,4.720355034,1.49898994,8.188568115 +1,-0.36841929,-1.488205433,13.69837666,3.239106178,6.619709969,2.232541084 +1,-1.097635984,-1.201653361,11.49724102,2.333418369,8.359477997,9.858183861 +1,-0.061686516,-0.387305498,0.734125078,3.899380684,3.27621603,0.814381361 +0,-1.238005877,-0.140219927,17.00024796,5.787021637,2.74525547,3.84829855 +1,-0.577746511,-0.895818353,5.299632549,1.259865046,6.635503769,5.391161442 +1,-0.865907073,-0.797019064,2.203193188,6.432075024,5.941264629,9.279396057 +1,-0.199845672,-0.041264534,10.50684071,1.42582345,2.033506393,0.196955293 +1,-1.475582719,-0.486260891,6.758782864,3.386450052,4.814406395,4.505587101 +0,-0.433739424,-1.30045259,15.99992943,5.285536289,9.915316582,6.086487293 +1,-1.216972113,-1.38922143,18.80384254,4.554197788,7.296294689,3.69779563 +0,-0.740507007,-0.574691713,8.359319687,2.594251394,2.228376865,7.116456985 +1,-0.982530832,-0.327467442,14.53130627,0.693915129,3.95019722,7.517622948 +0,-0.131744385,-1.083616495,2.52428484,5.640446186,7.820637703,1.599852562 +1,-1.131898403,-1.114884019,5.384689331,2.286765337,9.824126244,0.117139801 +1,-0.662064433,-0.288818598,17.39355278,4.042934418,4.764967442,9.158950806 +0,-0.991341114,-0.590269327,1.12207365,6.144808769,1.915958047,6.099403381 +1,-0.145825624,-1.381025195,11.56843662,0.995804906,5.918200493,4.556080818 +0,-0.921918273,-1.285224438,13.1590414,1.727019191,7.940382481,6.947480202 +1,-0.26084125,-0.494130611,3.916073322,6.936933517,3.971064091,3.490708113 +0,-1.437241197,-0.009591103,17.72455025,4.774768829,2.321763992,1.836186051 +0,-0.401948929,-0.836051106,9.419082642,3.078269958,7.343536377,7.793897629 +0,-1.065199375,-0.927499056,3.083124399,4.201468945,6.36812067,6.251358509 +1,-0.023990393,-0.101249337,14.7831583,2.837582111,1.328700662,2.834368706 +1,-1.299831033,-0.402472377,8.576215744,0.748403311,5.228077888,2.45396018 +0,-0.632928967,-1.193776369,19.33874893,5.479733944,9.214906693,8.372489929 +0,-1.369287729,-1.472654819,15.93438244,6.385298252,6.87609911,0.748946011 +1,-0.517878532,-0.681745887,6.385026932,1.569303036,2.926522017,9.83093071 +1,-0.75979954,-0.197342038,10.09934902,3.744163036,3.525608301,5.545487404 +1,-0.284163594,-1.023254395,2.112493038,5.021352291,8.531965256,3.962611198 +0,-0.813662291,-0.961339176,18.36348915,1.114548087,3.16464901,5.243273735 +1,-0.346026421,-0.252620459,8.848503113,5.930750847,7.063705444,4.325851917 +1,-1.328620195,-0.743654966,12.63586998,3.755879164,8.782836914,0.971824646 +0,-0.486765981,-1.417382598,4.683385372,2.478507042,3.690564394,9.390758514 +1,-1.257732868,-1.131220341,0.590357542,3.298675537,1.071339726,2.075040579 +1,-0.606176615,-0.45710969,12.32476234,4.662373543,6.200863838,8.65620327 +0,-1.117540002,-0.163799524,6.034614563,6.75153923,8.9790802,6.70965147 +1,-0.090304971,-0.872867584,16.83151817,2.020421982,5.046960354,2.62754941 +0,-1.489639163,-0.774090469,10.67115784,5.773041725,4.370105743,1.437545538 +1,-0.468206286,-0.06482327,1.472325325,0.562907457,8.249423027,7.980146408 +0,-0.879785836,-0.556085944,15.16830063,2.72508359,7.721267223,7.269246578 +0,-0.23412323,-1.229997396,6.90696907,4.421777725,2.644407749,3.225105762 +0,-0.950707734,-1.318423629,7.818677902,5.213195801,4.385074139,5.934098244 +1,-0.114678741,-0.644860804,19.8716774,3.45720315,9.494856834,4.977723598 +1,-1.185703754,-0.35141468,3.643946648,1.355341911,5.525784969,0.359357655 +0,-0.72398448,-1.060298085,14.13444519,6.504144192,1.609080911,8.816624641 +0,-1.451257706,-1.072638988,1.355140805,3.953284979,5.168632507,9.517371178 +1,-0.413017869,-0.328786373,10.86646461,2.273266077,9.138120651,1.059988499 +1,-0.935745239,-0.644051552,7.180409431,0.907732368,6.286839485,4.277292252 +0,-0.271733522,-1.329520345,15.12923241,6.132905006,1.264961958,5.233172894 +0,-1.006810308,-1.230789781,19.83262062,6.950432777,3.567235231,2.519783497 +1,-0.152512193,-0.544983149,8.092112541,1.816668749,8.626567841,6.563425064 +1,-1.147179365,-0.052488565,14.32976341,3.090173721,6.974991798,8.685762405 +1,-0.668572903,-0.796735644,3.526756287,4.862841129,2.972648621,2.143050671 +0,-0.76923269,-0.885435522,8.965687752,2.927237749,1.733500004,3.176615238 +1,-0.296519995,-0.141035438,18.16818237,4.214962006,5.683178425,7.259209633 +1,-1.378908992,-0.456436276,4.409944057,5.567800522,9.584677696,8.106823921 +1,-0.530413032,-1.142089844,12.6749382,0.760313153,4.578146935,1.525778532 +1,-1.30778718,-1.418038607,12.36381721,1.555809975,2.521627903,8.846272469 +1,-0.649692059,-0.732780099,0.316923559,6.295642853,7.561153412,0.427451432 +1,-1.073345184,-0.240057826,16.63619995,5.009442329,8.16235733,4.870040894 +1,-0.040930152,-0.984120607,6.151804924,3.656096697,4.175359249,5.787960052 +0,-1.103725195,-1.015314579,14.90034199,5.944235325,7.257558823,4.66323185 +0,-0.079400539,-0.200945139,2.88781786,1.204213619,2.128135204,6.246225834 +1,-1.243726969,-0.701580226,19.06530762,2.490400791,3.849406719,9.1299963 +0,-0.595096946,-1.457157135,8.615283012,3.843960285,7.78135252,0.048504658 +0,-1.313326955,-1.173924685,6.424084187,4.572707653,6.00689888,7.666678905 +1,-0.48026967,-0.417964697,15.66094875,3.285191059,2.10794735,1.748646617 +1,-0.798182368,-0.109194517,1.917174816,1.93234098,4.888298512,3.539882898 +1,-0.339350581,-0.92391336,10.21654034,6.739645481,9.980401993,6.956985474 +1,-1.17609477,-0.827884018,17.27636719,0.549429178,8.442142487,8.343466759 +0,-0.711437821,-0.013329983,5.579996586,5.683369637,3.33252883,2.385260582 +0,-0.941285312,-0.513829172,11.84187794,4.409877777,2.802118063,2.941455364 +1,-0.102311611,-1.269953847,1.083005548,2.637008667,6.718717098,6.398111343 +0,-0.871627986,-1.361309767,3.877016306,3.546875,9.30195713,4.011697769 +1,-0.21719563,-0.605533719,13.43247509,5.22667408,5.422813416,5.554909229 +1,-1.481672287,-0.296991706,9.61439991,6.592219353,1.451482534,9.70362854 +1,-0.451453924,-1.111161947,17.60736084,1.367241979,6.528241158,0.661318421 +0,-0.904477179,-1.095943689,10.46778488,4.919287205,6.827475548,2.300625086 +1,-0.255211473,-0.304828525,2.476627827,3.035313845,2.833971024,8.218206406 +0,-1.419434309,-0.573893189,16.19524765,1.871306777,3.43250823,6.415978432 +1,-0.395951748,-1.400331736,6.641592503,6.894208431,8.482791901,2.99689579 +1,-1.161058426,-1.301257133,8.242136002,5.984466076,6.426064491,5.381134033 +1,-0.702850938,-0.475167394,18.99914932,1.054585218,1.413029432,3.799817562 +1,-1.020866394,-0.028920531,2.797725201,2.12653923,5.3118577,0.902623892 +1,-0.186978579,-0.819652081,14.49223709,4.101598263,9.27230072,9.984870911 +1,-1.398813367,-0.908375561,18.0000515,3.586981535,8.015356064,5.940270424 +1,-0.559031963,-0.117442369,9.700065613,5.076971054,4.037264824,4.397830486 +1,-0.788959384,-0.386645555,13.50305748,6.228282928,2.388514519,0.264975131 +1,-0.324949622,-1.212533593,4.265573502,1.62475574,7.419059277,9.308965683 +0,-1.047392845,-1.48887074,0.851309061,0.896132767,9.722220421,1.688006878 +1,-0.017993689,-0.662599564,11.3019352,5.433567047,4.724600792,7.644226074 +1,-1.282389641,-0.21612215,5.026192188,4.348917961,1.876141071,7.106346607 +0,-0.627298713,-1.007404685,17.03931618,2.791695833,5.81684351,3.649226427 +1,-1.228571892,-0.94548887,3.290140867,6.604026794,4.469385624,7.426852703 +1,-0.565390825,-0.271399736,13.77521324,2.066371918,9.552818298,3.38488102 +1,-1.088015318,-0.724509537,7.552910805,3.151034355,5.58319664,1.288182855 +0,-0.049151301,-1.433599114,19.60048294,4.708451748,1.692843437,7.831656456 +1,-0.8311041,-1.14997673,15.51700974,3.912880659,4.277537346,0.508453429 +1,-0.351655483,-0.441282392,7.251471519,2.423068523,8.200817108,8.965381622 +0,-1.346426249,-0.179993033,10.95165443,1.271768093,7.672111511,5.776148796 +1,-0.492763877,-0.853744984,1.748616219,5.87509346,2.551290274,4.818291187 +1,-0.968513608,-0.757690609,5.744446754,1.515480042,1.030955911,1.12668407 +1,-0.12067616,-0.084152222,16.54567146,6.445569038,6.098974705,9.543515205 +1,-1.203145862,-0.537123263,0.251204431,5.373601913,8.877739906,5.080178261 +1,-0.729614019,-1.246031046,11.9899292,3.398359299,5.007126331,4.161797523 +0,-1.460114241,-1.337729573,12.89196777,2.58075738,3.230832577,6.873090267 +0,-0.42705214,-0.628483772,4.945023537,4.464541435,7.138696194,2.791259766 +1,-0.850625277,-0.367425442,18.72685051,5.628537178,8.858377457,1.920448065 +1,-0.193337917,-1.041358352,9.217406273,0.605849564,3.757297754,8.50317955 +0,-1.29183948,-1.035145164,19.40160942,6.107028484,5.886340618,9.728269577 +1,-0.642568052,-0.372951984,7.663743496,0.932021916,1.952212572,0.685516238 +1,-1.056985855,-0.62295717,13.97688007,2.248361111,4.728712082,4.055412292 +1,-0.033486009,-1.343942761,3.176513195,3.979776621,9.855987549,5.599095821 +1,-0.750069499,-1.252176046,1.627258539,4.837931633,7.377593517,2.897874117 +1,-0.291879177,-0.531573415,11.14122295,3.116670132,2.283312559,6.353791237 +1,-1.360066652,-0.08970201,7.374403477,1.790796757,4.009516716,8.31865406 +1,-0.526184499,-0.751545727,15.32586861,6.974717617,7.906324387,2.361234665 +1,-0.988024712,-0.847575665,12.17207813,0.787003338,9.180848122,3.59320116 +1,-0.148226142,-0.185567141,0.118040219,5.54269743,5.266530514,7.011080742 +1,-1.127982259,-0.435708284,16.36633682,4.239053249,1.290248871,7.701229095 +1,-0.663966715,-1.156146049,5.874798298,2.901559591,6.402177811,1.782448053 +0,-1.43493247,-1.439790845,9.320819855,3.680183172,8.563825607,9.095580101 +0,-0.405539036,-0.719004393,18.5161705,4.98376894,3.48935318,0.014570039 +0,-0.919740796,-0.276904821,4.843202591,6.322337151,2.962776184,4.609742165 +0,-0.264667034,-0.93929702,13.10105419,1.530702233,6.844239235,6.19230175 +0,-0.887907267,-1.001899242,6.85265255,3.819669247,3.726819038,4.914370537 +1,-0.224720359,-0.222314239,16.09175873,2.516278982,8.750977516,5.831512928 +1,-1.497539163,-0.656407475,2.267617226,1.177723646,7.095566273,8.870307922 +0,-0.45865798,-1.494376302,10.5692234,5.969138622,3.128393173,0.452235699 +0,-1.195017815,-1.218107462,14.62578392,6.71314764,5.008508682,8.082654953 +1,-0.715586364,-0.380476594,2.61550045,1.957252026,9.013136864,1.501127958 +1,-0.960528493,-0.123611331,18.8688736,3.26090765,6.166805744,3.132457256 +1,-0.106871843,-0.902801752,8.421090126,4.598577499,1.109792233,7.215485573 +1,-1.332627654,-0.81410253,4.076081276,2.662110329,2.682860374,8.719726563 +1,-0.484772921,-0.035065174,13.62403488,4.383189201,7.687209129,2.177457571 +1,-0.817070723,-0.469022751,9.891589165,5.709049225,8.283479691,2.573735714 +1,-0.343533158,-1.306806564,17.87704277,0.525336444,4.331653595,6.616905212 +1,-1.11962688,-1.405858636,16.92856026,1.392913818,1.57282567,4.22320652 +1,-0.086570501,-0.567679644,5.224682808,6.568134308,5.557645798,5.179825783 +1,-1.25994873,-0.31104207,11.41594315,5.251783371,9.462997437,9.483579636 +1,-0.602678597,-1.090416789,0.649565518,3.520178795,4.421328068,1.025410175 +1,-1.040268779,-1.105611086,8.511774063,6.869123936,4.152571678,1.886484861 +1,-0.002046108,-0.303137779,19.27638626,1.897978067,8.04067421,8.468772888 +1,-1.274945498,-0.599387705,2.989239693,3.009617329,7.516923428,6.81913805 +1,-0.610939443,-1.366860628,14.69135284,4.943397045,2.431274891,2.737779617 +1,-1.394172549,-1.275482297,10.03429413,4.075893879,4.593811035,5.134263992 +1,-0.539868772,-0.507614136,2.050738335,2.1506567,9.712385178,4.215144634 +1,-0.784730911,-0.019545078,15.83988571,1.029508352,5.738925457,1.16047585 +0,-0.306107163,-0.822355688,6.293828964,6.011129856,1.813433766,9.578093529 +1,-1.156772375,-0.918409228,1.203961492,1.649063945,3.105316401,5.731818676 +1,-0.684065402,-0.115385294,11.65240288,6.20238781,6.978005409,4.774738312 +1,-1.016260266,-0.41177392,5.456970215,5.103444099,8.701542854,0.484417975 +0,-0.167781353,-1.179428577,17.46791267,3.562095404,3.635632992,8.940597534 +0,-0.896998405,-1.462729454,17.80583,2.818161249,1.157030225,1.31235218 +1,-0.238886237,-0.695412755,9.503662109,4.324039459,6.260189056,7.85630703 +0,-1.41236794,-0.20711267,13.2307148,5.457882881,9.034016609,7.471010685 +1,-0.379947186,-1.00974226,3.991045713,0.870229959,5.128266811,3.42860508 +0,-1.467638969,-0.977952838,15.24004841,4.681781769,6.581257343,7.053028107 +0,-0.44333148,-0.245630503,6.981557846,3.176117182,1.533048153,3.59513092 +0,-0.857829213,-0.727207422,10.7528162,2.042260647,5.436813354,1.653457165 +1,-0.209204912,-1.424206495,1.556825876,6.629724979,9.432427406,7.610424995 +1,-0.97266221,-1.148280263,3.716306448,5.850977421,6.671759129,0.299391538 +1,-0.139599204,-0.450932503,14.20842648,1.297470927,2.713394642,9.342900276 +1,-1.207706213,-0.146539211,7.900949478,2.396403313,3.308075428,5.993760109 +1,-0.7488572,-0.879245162,19.95557022,3.937958956,8.323224068,4.451754093 +1,-0.835607409,-0.790520906,12.54175663,3.424255848,9.879062653,0.877982855 +0,-0.370956182,-0.058016658,4.592113018,5.349292278,4.846266747,9.960672379 +1,-1.350608826,-0.539455056,18.29851341,6.470453262,2.001645327,5.33741951 +1,-0.511652291,-1.237004519,8.786369324,1.489008427,5.977519989,3.75563097 +0,-1.235741973,-1.335666656,5.941108704,0.630729556,7.859089375,6.459559917 +0,-0.58129245,-0.638500333,16.73963356,5.602070332,3.916140318,3.041216135 +0,-1.095597029,-0.334337592,0.525990129,4.490442753,2.262434721,2.325438023 +1,-0.065373063,-1.066492558,12.26201534,2.556443214,7.257842064,8.242232323 +1,-0.791222215,-1.065826535,4.474920273,1.833709359,8.514653206,7.541790485 +1,-0.321405411,-0.345199585,12.73707294,6.830242634,3.396252632,1.624501944 +0,-1.400853395,-0.65107584,9.059802055,4.880724907,2.87022543,3.741952419 +0,-0.555343688,-1.312895179,18.25945282,2.972314358,6.795615673,7.160180092 +0,-1.285843492,-1.224446535,16.70056915,2.189537764,9.238243103,4.461258411 +1,-0.624760687,-0.562231958,6.214551449,4.140162468,5.350309849,6.042935848 +0,-1.051354885,-0.058677197,12.45732403,6.048432827,1.374577999,9.255361557 +1,-0.016045451,-0.779641449,0.408808023,1.092180252,6.460121155,0.172172189 +1,-1.429301977,-0.878439903,7.098750591,6.2666502,7.453116417,3.902383089 +1,-0.388098717,-0.157631993,15.04473209,1.687951446,2.350062847,5.444507122 +1,-0.91374433,-0.463277221,1.283394337,3.624773502,4.075717449,9.891974449 +1,-0.24685955,-1.125648022,10.79187489,5.140740871,7.98129797,0.848958552 +1,-1.028811932,-1.411878467,14.24749279,4.285151958,5.784983635,8.154605865 +1,-0.177385449,-0.749845684,3.442862988,2.753898621,1.912395239,2.198135376 +1,-1.169134498,-0.246429682,19.76026154,0.832933187,4.688345909,3.050637007 +1,-0.69349283,-0.966843188,8.01813221,5.395205021,9.754080772,6.508646965 +1,-1.201013088,-1.029444814,11.7695961,3.21498847,1.656588078,2.727679253 +1,-0.733394444,-0.191838264,1.008645654,4.746059418,5.615057468,6.770577431 +0,-0.966160178,-0.68724966,17.1944809,6.667013168,9.520957947,8.556936264 +1,-0.124311686,-1.4664644,5.496029854,2.104948759,4.50564003,2.013098478 +1,-0.846755266,-1.18760848,9.54272747,1.233193517,2.589742899,9.646102905 +1,-0.19519341,-0.408045053,17.53238678,5.812106133,7.63805294,1.190036416 +1,-1.456751704,-0.095676661,3.79573679,3.875270844,8.234873772,4.068919182 +0,-0.429499388,-0.933666885,13.34789658,2.359115124,4.239086151,5.026497364 +0,-1.078838944,-0.842197418,19.15919304,5.310414791,4.968674183,9.028829575 +1,-0.057411909,-0.004039884,8.707089424,3.359984636,8.91179657,0.611095905 +1,-1.218797207,-0.49968183,14.96478462,1.451726437,6.064916611,4.764702797 +0,-0.573151767,-1.279078007,2.950180054,6.40775919,1.069408774,5.683327675 +0,-1.338258862,-1.374810457,2.011672735,5.666341305,3.793551922,3.282468081 +1,-0.502212703,-0.59579742,10.30773735,0.669607043,8.826517105,7.363327026 +1,-0.823066473,-0.283290505,6.489138603,2.619137526,7.170557022,7.924399853 +1,-0.361341357,-1.121098757,15.72270393,4.527724743,3.194577217,1.342000842 +0,-1.376824021,-1.089761496,13.58496857,0.970893979,1.230904818,0.32494247 +1,-0.534146369,-0.321917653,4.349524498,6.17130661,6.325291157,8.782691002 +0,-0.76701498,-0.580241561,18.07235146,4.017064095,9.099668503,5.880609512 +0,-0.300019145,-1.383076429,9.774407387,2.311048508,5.202691078,4.923800945 +1,-1.069336534,-1.294239402,5.107489586,3.052392006,3.004508495,7.322563648 +1,-0.042924881,-0.491787434,17.12387657,4.799059868,6.938737392,3.279199839 +1,-1.304379702,-0.035737991,0.922997594,6.91203022,8.662823677,1.472094059 +1,-0.652183592,-0.803232372,11.37688446,1.753509521,3.535374641,8.013946533 +1,-0.926433086,-0.902010083,16.13082504,5.503818989,4.546285629,6.666071415 +1,-0.280130506,-0.134714842,6.579209328,0.722731292,9.620933533,2.583230495 +0,-1.441435218,-0.392810583,10.37391472,2.864278316,5.646924019,2.050228596 +1,-0.420825958,-1.195461631,2.384798765,4.176359653,1.765359879,8.632178307 +1,-1.139056921,-1.482036114,2.732693911,5.048040867,4.209417343,0.99646455 +1,-0.677977502,-0.679036438,14.43046761,3.719061375,8.123904228,9.414955139 +1,-0.998911262,-0.223122835,8.147658348,1.59339571,7.599604607,5.286987305 +1,-0.16205883,-0.990801752,18.90793228,6.359618664,2.487571239,4.370037556 +1,-0.943595171,-0.959013224,0.157106087,2.45201087,7.819804192,5.491402626 +1,-0.098719716,-0.261641145,11.89863396,3.78078866,3.81534934,3.909265757 +0,-1.178271174,-0.710830569,5.679488659,5.906466007,2.162193537,0.715155482 +1,-0.707613766,-1.443512201,16.4835186,1.140419722,7.219106197,9.79635334 +1,-1.484986782,-1.164313793,18.63336372,1.996132493,9.94414711,2.487922192 +1,-0.44905448,-0.43197,9.12550354,6.777415752,4.920158386,8.406895638 +0,-0.875545859,-0.165867925,12.82762337,4.635881424,2.07608676,6.305309296 +1,-0.215292215,-0.86284548,4.882261276,3.323580265,6.04315424,2.887847662 +1,-1.253458142,-0.771398187,7.624678135,4.447451115,6.754972458,1.812018037 +1,-0.587379634,-0.074210405,19.67505264,2.700997114,2.770256996,7.769248009 +1,-1.112945318,-0.52362752,3.371822834,0.588015258,3.364388943,6.90332365 +0,-0.071096301,-1.255761027,13.85969925,5.746346951,8.405887604,3.446985245 +1,-0.806172013,-1.351883292,11.02402878,6.529247284,6.489788055,6.143732071 +1,-0.329712629,-0.619354725,1.822574258,1.328651905,1.48554039,4.599632263 +0,-1.321542263,-0.353116989,15.59929943,3.482881308,5.388756752,0.141174078 +0,-0.470772982,-1.050642014,7.335343838,5.189104557,9.340409279,9.183732986 +1,-1.320426106,-1.053729773,11.35372925,6.995537281,2.778181076,6.47012043 +1,-0.471889019,-0.35656476,0.868026733,1.769977331,6.74758482,3.013479471 +1,-0.804369926,-0.616273165,17.17884827,3.13709712,8.396927834,2.323031187 +0,-0.331514716,-1.348429441,5.130647659,4.817503452,3.375001192,8.28117466 +0,-1.108156323,-1.258493781,9.829374313,4.000596523,1.457214832,0.879855633 +1,-0.075885296,-0.525988102,18.09550476,2.227541447,6.516461849,9.922112465 +1,-1.24944663,-0.071483612,4.326370239,0.952450275,9.365513802,5.326629639 +0,-0.591391146,-0.769031644,13.52999878,6.086601734,5.363115311,3.783443213 +1,-0.87735939,-0.866344631,18.96778297,1.522972226,3.842498302,0.286539674 +1,-0.213478684,-0.1689955,8.165927887,6.330065727,7.7920928,9.368044853 +0,-1.486114383,-0.428476214,14.41219521,4.975641251,7.193118095,5.998458385 +0,-0.447926998,-1.161180735,2.672842026,3.688310623,2.186537743,4.415403366 +1,-1.182271242,-1.445924282,2.36652565,2.893831253,4.913257122,7.048559189 +1,-0.703613698,-0.713603377,10.31406212,4.246783257,9.952692032,3.631404877 +1,-0.948372722,-0.259234548,6.639064789,5.53456974,6.053426743,1.666843176 +0,-0.093942165,-0.956234932,16.14909935,0.79513073,2.066376448,7.584898472 +1,-0.999993086,-0.993202507,4.898092747,4.606322765,9.647541046,1.30484283 +1,-0.160977006,-0.225883961,12.88991737,3.253163099,4.518034458,7.885874748 +1,-1.140916109,-0.676641405,9.063206673,1.96538806,1.73991251,7.489896774 +1,-0.676118195,-1.479269266,18.61753082,6.705009937,5.67180872,3.407363653 +1,-1.446166992,-1.198972106,16.4212265,5.976882935,8.116462708,5.713467121 +1,-0.416094065,-0.395949841,5.66366148,1.169978619,4.217421532,4.795599461 +1,-0.93047893,-0.131209373,11.91446495,2.524416447,2.498383999,0.492155552 +1,-0.276084661,-0.898865819,0.219399914,3.811533213,7.590435505,8.910953522 +1,-1.302531838,-0.805953562,7.277936459,3.49934268,6.333772659,5.139181614 +1,-0.654031456,-0.03808713,15.57858849,5.272617817,1.224075437,4.18328619 +1,-1.068266153,-0.489072084,1.843287706,6.547697544,5.193172932,1.144181013 +0,-0.043995261,-1.291884303,11.08143997,1.413350821,9.109723091,9.601626396 +0,-0.762957692,-1.386175632,13.88041306,0.504501939,6.910969734,1.902550459 +1,-0.304076433,-0.583700538,3.429234266,5.729885101,3.03173995,8.445316315 +1,-1.372080803,-0.318824887,19.61763954,4.362751961,3.559921503,6.813686371 +0,-0.538889587,-1.086296082,7.603960514,2.682547331,8.636624336,2.770020008 +0,-0.82418263,-1.123830795,0.466221333,6.031966686,8.937243462,4.253386497 +1,-0.360225201,-0.285650373,12.4780407,1.008671284,4.943790436,5.171704292 +1,-1.340060949,-0.593071342,6.193833828,2.17109251,1.042797327,9.461725235 +0,-0.500410616,-1.37244463,16.64315224,4.055459023,6.093171597,1.044909239 +0,-1.223586202,-1.282164812,18.23874474,4.964233875,8.815705299,8.741199493 +0,-0.568362772,-0.503128886,9.002393723,2.988780737,3.802720308,2.158492565 +0,-1.082850456,-0.000959039,12.79448128,1.918413162,3.202022314,2.543478966 +1,-0.053400397,-0.838744402,4.495631695,6.848687649,7.162549496,6.625256062 +0,-1.454938173,-0.936078131,8.002304077,0.862487257,5.624572754,8.050188065 +0,-0.431313038,-0.098448753,19.69797134,5.465626717,1.646536827,1.506653309 +1,-0.845627666,-0.405639172,3.505154848,4.315900803,4.497157097,3.156597853 +1,-0.196321011,-1.184831142,14.26332092,2.826299191,9.527788162,7.198582649 +0,-0.96216011,-1.469962955,10.85417175,3.554351807,7.613509178,4.890305519 +1,-0.128311753,-0.69037652,1.299227357,5.111186504,2.61593914,5.848186493 +0,-1.196235538,-0.188345194,15.02889633,6.19424963,4.266854763,8.903156281 +1,-0.738171995,-1.02631247,7.03645277,1.657202601,8.207641602,0.44617641 +0,-1.168052673,-0.970353305,13.28804111,3.945686817,2.359019756,9.068451881 +1,-0.694574654,-0.249567986,3.777462959,2.388675213,7.442507267,0.024522552 +1,-1.026952624,-0.746341288,17.55066299,1.305600405,7.973373413,4.648076534 +1,-0.179244757,-1.408734679,9.602584839,5.842849255,4.083106041,6.19050312 +1,-0.909012556,-1.128047705,5.514297485,6.637452602,1.887293577,3.555248737 +1,-0.251591325,-0.466038108,17.25432968,2.034533262,5.810621738,7.012345791 +1,-1.425256133,-0.155237317,0.948794544,3.184246063,9.782407761,7.728433609 +1,-0.392144442,-0.875674009,11.75132656,4.673652172,4.661670685,1.77226603 +1,-1.053202748,-0.78273958,15.74585438,2.535622358,3.42223978,2.922406435 +1,-0.014197588,-0.062135935,6.544103622,4.511264801,8.490310669,6.341552258 +0,-1.286913872,-0.55913955,10.25276947,5.581644058,6.768464088,8.282916069 +1,-0.623690307,-1.220982075,1.988519192,0.651155353,2.897939444,2.365319729 +0,-1.404910684,-1.315616012,2.895208836,1.468186617,5.340038776,9.763931274 +1,-0.551286399,-0.653424025,14.94162655,6.49127388,9.247952461,0.681659639 +1,-0.795965433,-0.342485189,8.730249405,5.328866005,6.467025757,4.030498981 +1,-0.316662192,-1.063471913,19.21416855,3.44468236,1.366029739,5.611868858 +1,-1.090807319,-1.069945574,6.270672798,1.096750021,4.855295181,6.160942078 +1,-0.070162773,-0.337418437,15.78491306,6.04386425,9.8683815,4.580066681 +0,-1.231731176,-0.635053277,2.105712652,4.145127296,5.969665051,0.132289335 +0,-0.585303247,-1.332579851,10.05745411,2.184573174,2.008964062,9.214676857 +1,-1.349493384,-1.239370346,14.74631786,2.976883173,3.891103745,1.820826292 +1,-0.512767732,-0.542181134,3.012390375,4.8761549,7.884661674,7.738533497 +1,-0.833804607,-0.055656791,19.25323296,6.835206985,7.286236286,6.885731697 +1,-0.372758985,-0.787788868,8.456805229,1.828745008,2.235692739,3.467085361 +1,-1.211705446,-0.882377505,4.050893784,5.377542019,1.559104681,2.473003149 +1,-0.744857848,-0.150032282,13.24898243,0.850595951,6.556844711,8.429052353 +1,-0.977440476,-0.447805643,9.485390663,2.736637354,9.40534687,6.311903 +1,-0.134820938,-1.144781709,17.74597931,4.30241394,5.464456081,2.854313374 +0,-0.859643459,-1.426983833,17.44963837,5.123077869,2.703190804,5.485190868 +1,-0.207390666,-0.729613304,5.397116661,3.642436743,6.681400299,3.942266703 +1,-1.468765855,-0.24285841,11.71226025,1.670689464,8.330194473,0.730150819 +0,-0.442204475,-0.975541472,1.222238541,6.283911228,3.29946208,9.773966789 +0,-1.41710043,-1.012508154,19.97140312,2.376762867,7.003521442,0.995733976 +1,-0.375214815,-0.209507346,7.963246346,3.857624292,3.080362558,9.452220917 +0,-0.901043534,-0.692651868,14.1461277,5.829358578,3.609093904,5.298923969 +1,-0.234841108,-1.460329771,3.700471401,1.215941072,8.729725838,4.340925217 +1,-1.017341375,-1.182572603,1.494535923,2.122595787,6.249444485,6.654211044 +1,-0.166700244,-0.415278435,10.73698997,6.649364948,1.166130781,2.612113476 +1,-1.158632398,-0.11224699,6.997385979,4.763311863,5.13577795,2.051341295 +0,-0.682205379,-0.91489923,15.30233955,3.19773674,9.025943756,8.594378471 +0,-0.780674338,-0.82471019,12.20460892,4.523170948,8.050260544,7.325885773 +1,-0.310163736,-0.022259474,0.505280018,2.623691082,4.142448425,3.244224787 +1,-1.389428616,-0.505265951,16.76034546,0.664652228,2.422862053,1.457566261 +0,-0.544612706,-1.272761464,5.998517036,5.671297073,7.523684502,8.04076767 +1,-1.273096919,-1.370325089,8.807085991,6.403205395,9.687906265,0.339089334 +1,-0.612788022,-0.602480114,18.35592651,1.45628047,4.619941235,8.756403923 +0,-1.039199114,-0.299679041,4.534698009,3.355029106,1.841270447,5.877211094 +1,-0.003115773,-1.102512836,12.52103806,5.315369129,5.711625099,4.959004402 +1,-1.264738441,-1.092783332,15.3832798,1.758064032,7.713751793,3.319121599 +0,-0.597888887,-0.313768864,7.395117283,6.907474041,2.654674053,7.363209248 +1,-1.123637676,-0.565319061,11.12050629,4.804013729,4.306139469,7.895900726 +1,-0.082559705,-1.403125882,1.569844246,3.047438383,8.308432579,1.353324413 +0,-0.818186164,-1.310260534,3.155802727,2.315604687,5.550132275,9.057100296 +1,-0.342417717,-0.472104311,13.91947174,4.012509346,1.580901623,0.599848449 +1,-1.334430456,-0.031617403,7.72115469,6.176260471,4.432071686,4.727515697 +1,-0.482970238,-0.81101501,19.42232323,0.965940118,9.453897476,5.6838274 +1,-0.95652914,-0.905580044,13.08522606,6.341972828,8.759391785,9.611736298 +1,-0.110871196,-0.126017928,4.780911922,1.611041784,3.720056772,1.192750812 +1,-1.190239549,-0.377703786,18.57846451,3.701806784,3.118809938,4.095132351 +0,-0.72036463,-1.215695381,9.336650848,5.065293789,7.105686188,5.012577057 +0,-1.495724916,-1.497509122,5.937092304,4.158713341,8.985300064,2.702000618 +1,-0.460472107,-0.659901261,16.38216782,2.881924391,5.035809517,6.784115791 +1,-0.886780381,-0.219186664,0.10220591,0.705478191,1.134267449,8.591531754 +1,-0.225847244,-0.998399973,12.10978127,5.521073341,6.140678406,2.010307789 +1,-0.915008307,-0.942441404,8.361236572,3.341240883,5.274386406,8.134431839 +1,-0.269399524,-0.28041029,18.8506012,4.618219376,9.173528671,2.215953827 +1,-1.430887341,-0.715865135,2.633775473,6.794678688,6.393152237,3.082187653 +1,-0.409584284,-1.43628037,14.68563938,1.978869557,1.300926924,6.499154568 +0,-1.12690115,-1.158912897,10.58749294,1.158081889,3.460957289,3.87106061 +1,-0.665047824,-0.438103199,2.327466965,5.888805389,8.590569496,5.453923225 +1,-0.986164689,-0.182806015,16.03190613,3.798051834,6.869272709,9.912682533 +1,-0.150086164,-0.845175028,6.834381104,2.434747696,2.937206745,0.830759048 +0,-1.364123225,-0.755011022,0.672718048,5.184533596,1.979295731,4.484028339 +1,-0.522127926,-0.092794776,11.47091007,3.48745203,5.85869503,6.027403831 +1,-0.754813433,-0.528114438,5.169713497,1.323688269,9.829932213,9.221214294 +0,-0.287135243,-1.249076843,16.90540504,6.534209728,4.75312376,0.179378688 +1,-1.058834434,-1.346297741,17.82207298,5.74177599,2.276339054,7.575404167 +1,-0.03163743,-0.625672638,9.868432999,0.59258604,7.386210442,1.61767745 +1,-1.292909145,-0.370602846,13.64719296,2.696034908,7.916527271,3.718953133 +0,-0.641498387,-1.032423854,4.131053925,4.452414513,3.999876499,7.175788403 +0,-0.855403543,-1.037859321,14.4763298,2.209657669,6.125031471,5.901870251 +0,-0.188559651,-0.364297628,2.73550725,4.118455887,1.006543159,4.983181953 +1,-1.464113593,-0.631977797,19.06136894,6.069561005,4.980045795,0.382821739 +1,-0.423052788,-1.340862393,8.25804615,1.0726403,8.905382156,8.800570488 +1,-1.204272747,-1.243618965,6.7038064,1.854449511,7.128492355,1.41400528 +0,-0.728487134,-0.534350574,16.21115303,6.811089516,3.240474224,7.996429443 +1,-0.970327854,-0.08655858,2.460720778,4.901231766,3.764267445,7.301093102 +1,-0.118861914,-0.760469019,10.40556717,2.950219631,8.84976387,3.220180988 +1,-1.342415571,-0.850657225,17.09664917,4.278106213,9.561846733,2.1046772 +1,-0.496774673,-0.176545501,5.046978474,2.762532473,4.458704948,8.648453712 +1,-0.82631439,-0.444363713,11.2811451,0.824122727,1.68498826,6.688778877 +1,-0.356445193,-1.1534307,0.793974459,5.40242815,5.590515614,2.645894289 +0,-1.086212635,-1.430866361,4.244782925,6.257445812,8.175780296,5.264527798 +1,-0.050954103,-0.722148836,13.44572258,1.695567846,4.303110123,4.306972504 +0,-1.22745657,-0.27412653,9.757403374,3.618120909,2.579684734,0.942264318 +0,-0.566506267,-0.947855294,18.02084351,5.148980618,7.645369053,9.39827919 +1,-1.277645588,-1.004683375,1.771848798,1.242610931,4.046852112,0.774460196 +1,-0.632042646,-0.213773012,11.00654793,5.804275513,8.005233765,9.817537308 +0,-1.043336272,-0.665314913,7.196575165,3.881735563,7.410646439,5.509205818 +0,-0.022050261,-1.491225839,15.49377537,2.351064682,2.395275116,3.967068672 +1,-0.787889719,-1.209434628,19.54559135,3.221852541,4.700122833,6.287715912 +1,-0.326019287,-0.38318634,7.529682159,4.73760891,9.748351097,2.829682827 +1,-1.396964788,-0.120535374,13.79844475,6.676030159,5.844679832,2.428827047 +0,-0.560880542,-0.911840856,3.345033646,2.09751749,1.848840952,8.385349274 +0,-1.024911642,-0.817251444,9.157632828,5.645400524,2.859486818,6.919674873 +1,-0.18293345,-0.026159167,18.70850372,0.688961983,6.802522182,3.501510143 +0,-1.165791035,-0.477562547,4.963371277,2.598806381,8.456253052,1.874758244 +0,-0.698118448,-1.304023981,12.95174408,4.549642563,3.460690975,7.792031765 +1,-1.421294332,-1.396821022,12.00827789,5.290489197,1.402285099,0.078185506 +1,-0.394091725,-0.57075417,0.310981601,3.381495953,6.435164928,9.16135025 +1,-0.905558288,-0.308333755,16.48589325,1.430379391,9.279811859,6.127132893 +1,-0.254130363,-1.099088192,5.7260952,6.427519798,5.30378437,4.545508385 +0,-1.476893902,-1.10875082,3.586534023,3.073314905,3.340943336,3.685009956 +1,-0.45623219,-0.294219375,14.34811497,4.779724121,8.435380936,7.141363621 +1,-0.867628634,-0.607939839,8.073759079,6.932378769,6.709133148,7.521471977 +1,-0.221194983,-1.364087105,19.77283859,1.731572509,2.81223774,1.564179182 +0,-0.940158427,-1.266455293,15.11088848,0.990849614,5.394976139,9.275318146 +1,-0.103438497,-0.510702431,7.120637894,6.149764061,9.329257965,0.232705057 +1,-1.174280405,-0.016823053,10.92623806,4.038381577,6.552716255,4.517837524 +1,-0.713252068,-0.831016481,1.373488188,2.291319847,1.425354958,6.061962128 +0,-0.802193165,-0.921181083,6.128578186,5.038603783,2.154677868,9.868372917 +1,-0.335339785,-0.106834888,16.58131027,3.726909876,7.229372501,0.78718853 +1,-1.318116665,-0.420690536,0.371815413,1.586950541,7.75583744,3.847045422 +0,-0.47547996,-1.176290512,12.38704777,6.367650986,3.874358892,5.429121017 +1,-1.245529771,-1.45407033,12.72983456,5.496986866,2.100433588,3.106374741 +1,-0.593294144,-0.698133051,4.433176994,0.73115164,6.014975071,6.523785114 +1,-1.104840636,-0.204026222,18.14494705,2.855229616,9.991145134,8.178607941 +1,-0.078285098,-1.018767595,8.91078949,4.183821678,4.879199028,2.259657621 +0,-1.078088999,-0.981022358,10.15920258,2.003160477,5.710261345,8.53819561 +1,-0.036186218,-0.236599326,1.89638257,6.768800735,1.705854535,1.956232548 +0,-1.311843634,-0.735872388,15.68174362,4.644709587,4.552091122,2.667433023 +1,-0.645635486,-1.421503067,6.481422901,3.316337824,9.609089851,6.750335217 +1,-1.379978657,-1.139369249,8.636070251,2.461245537,7.554180145,4.129528522 +0,-0.529343367,-0.454087853,19.1226387,3.773140907,2.530245066,5.04652977 +0,-0.771081269,-0.143750072,2.830485106,5.913088799,4.18556118,9.665205002 +1,-0.294671416,-0.887790024,14.87955475,1.132211685,8.15271759,1.2466923 +1,-1.143134356,-0.793225646,17.62326241,6.509108067,9.14597702,4.702856541 +1,-0.672618032,-0.049350262,9.676614761,1.350376844,5.161313057,5.659649849 +1,-1.002077818,-0.548487663,13.37026024,3.461772442,1.255936146,9.013367653 +1,-0.157244682,-1.233933568,3.861111164,5.20862627,6.2975173,0.555681884 +1,-0.933885217,-1.327120423,1.020785809,4.426743031,8.598173141,7.939461708 +1,-0.273593545,-0.641290903,11.82596779,2.720119953,3.593978882,1.397662401 +1,-1.450176597,-0.331180811,5.595907688,0.567476749,2.997681618,3.343914032 +0,-0.414098978,-1.075404882,17.33859062,5.768472195,6.949422359,7.387252808 +0,-1.186831474,-1.057165742,9.403172493,4.842414379,8.276571274,6.837874413 +1,-0.722856879,-0.34792161,17.66233063,3.110599041,4.342394829,2.794651747 +1,-0.952521265,-0.647987545,3.978295088,1.795847416,2.618419886,1.946727753 +0,-0.11286521,-1.321922183,13.17495346,6.971253872,7.745611191,8.489021301 +1,-0.884563386,-1.227220058,11.63064957,6.112479687,9.487955093,1.099870324 +1,-0.229345679,-0.553679824,1.137977004,0.928159118,4.393618584,9.558054924 +1,-1.493639231,-0.067595601,17.3776474,2.252444744,1.619353294,5.115165234 +1,-0.464206219,-0.776501715,5.32247448,3.974106312,5.516075134,4.158483028 +1,-1.115737915,-0.869414568,2.169824123,3.664225578,7.071629047,0.546260595 +1,-0.092107058,-0.160718441,10.12013435,5.00131321,3.157261372,8.964281082 +1,-1.256616592,-0.460556984,6.364239693,6.303369522,3.681604385,5.747277737 +1,-0.607292771,-1.134307146,15.8770504,1.548081636,8.793449402,4.83015871 +1,-1.324608684,-1.415016532,19.31795692,0.768442214,6.17253828,7.455952644 +1,-0.490777493,-0.740929127,8.518877983,5.559671402,1.098013043,3.372937441 +1,-0.808873296,-0.254980087,14.84049797,4.222690582,5.072065353,1.250909567 +1,-0.350815415,-0.964071333,3.103918552,2.919510841,8.953438759,7.83237505 +1,-0.75872916,-1.020900011,16.85475159,6.731506348,1.337182164,1.71040535 +1,-0.285233974,-0.194627404,6.08950901,1.940478683,6.361290932,7.629237652 +0,-1.367439985,-0.68409431,12.26986408,3.277447939,9.205389023,7.073352814 +1,-0.519726396,-1.475375414,0.567121565,4.580451012,5.238132,3.655450106 +0,-1.295087814,-1.190311909,4.62849617,3.835822821,2.89875412,5.973797798 +1,-0.637672186,-0.399380088,12.61264324,2.498539925,6.903330803,4.391224861 +1,-1.061142206,-0.104707837,8.871733665,1.196470499,8.556512833,0.242806077 +0,-0.028047681,-0.930597305,18.41838074,5.951978683,3.499409199,9.323877335 +1,-1.439100504,-0.833284974,14.07467365,1.387677312,4.791575432,5.361027241 +1,-0.400089622,-0.007196665,3.625602484,6.571784019,9.795874596,3.817397118 +1,-0.923000097,-0.49689126,19.89002419,5.247509956,5.892753124,0.933326423 +1,-0.259759426,-1.287624121,7.878453255,3.526037455,1.940843225,9.976055145 +0,-0.995386958,-1.377881408,6.925318718,2.657444239,3.963621855,2.269694328 +1,-0.14177978,-0.586764812,15.2280798,4.389442444,7.948387146,8.227098465 +1,-1.136630177,-0.291956902,1.41254437,5.70420742,7.354349613,6.435551643 +1,-0.657332659,-1.118394017,10.65280437,0.528593063,2.312594891,2.979697227 +1,-0.981403232,-1.080838203,18.5131855,4.081162453,2.043021202,3.996101856 +1,-0.132871985,-0.325061083,9.274824142,2.146976471,5.931213379,5.577915192 +1,-1.215158701,-0.577464402,12.9907999,1.03374958,9.906833649,9.710460663 +1,-0.742320538,-1.391633511,4.689937592,6.005301476,4.821237564,0.627716899 +1,-1.470805168,-1.29731977,0.037540477,6.873770714,2.203832865,8.336253166 +1,-0.438516974,-0.482766867,12.04734707,1.891743064,7.322490692,2.419396162 +1,-0.861907005,-0.044392347,5.843278885,3.01447916,7.848406315,2.95697546 +1,-0.203845739,-0.800518215,16.29058647,4.940122604,3.922964811,6.375334263 +1,0,-1.5,20,7,1,0