diff --git a/README.md b/README.md index c1e8359..9f578bf 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,146 @@ # Project 1 -Put your README here. Answer the following questions. +# Group Members +* Sharan Rama Prakash Shenoy - A20560684 +* Adarsh Chidirala - A20561069 +* Venkata Naga Lakshmi Sai Snigdha Sri Jata - A20560684 -* What does the model you have implemented do and when should it be used? -* How did you test your model to determine if it is working reasonably correctly? -* What parameters have you exposed to users of your implementation in order to tune performance? (Also perhaps provide some basic usage examples.) -* Are there specific inputs that your implementation has trouble with? Given more time, could you work around these or is it fundamental? +# ################################################### +## Usage Instructions + +### Installation + +To get started with this project, first you need **Python 3.x**. Then follow these installation steps: + +#### 1. Clone the Repository to your local machine: + +```bash +git clone https://github.com/adarsh-chidirala/Project1.git +``` +#### 2. You can install the required libraries using requirements.txt pip: + +```bash +pip install -r requirements.txt +``` +#### 3. Run the Test Script + +```bash +# for windows +py -m elasticnet.tests.test_ElasticNetModel + +# or for mac +pytest -s elasticnet/tests/test_ElasticNetModel.py +``` +This will run the test cases and print out the evaluation metrics and generate the plots. + +### Introduction +This project is an implementation of a type of Linear Regression with ElasticNet regularization. This model is a combination of two regularization techniques i.e; Lasso and Ridge regression. They are represented as L1 and L2 respectively. + - **L1 Regularization** : It adds up a penalty which is equal to the sum of the absolute values of the model coefficients. This helps in feature selection, as it enables the model to identify and retain only the most significant features by eliminating those with zero coefficients. + - **L2 Regularization** : It adds up a penalty which is equal to the sum of the square values of the model coefficients. This helps in reducing the size of the coefficients, helping to prevent overfitting, particularly in situations where the features are strongly correlated. + +### Usage of Elastic Net Regression + +- **Initialization**: Start by creating an instance of `ElasticNetRegression`, where you can set parameters to manage the levels of regularization. This is important for optimizing the complexity and ensuring performance. + +- **Training**: Call the `fit` method to train the model using the dataset, which consists of input features and the output variable using training data set allocated. This step helps to learn and fine-tune the coefficients through the optimization of the Elastic Net loss function. + +- **Prediction**: Once the model is done with training, you can use the `predict` method to obtain predictions on the test datasets. This allows the model to leverage the relationships it has learned to make accurate forecasts for data that it has not encountered before. + + +## 1. What does the model you have implemented do and when should it be used? + +### ElasticNet Model Overview + +The **ElasticNet model** enhances linear regression by incorporating both L1 and L2 regression model techniques where L1 is the lasso regression and L2 is the ridge regression. It's particularly useful when we have data where we want to **balance out bias and variance values** or if we are **handling some high-dimensional data**. + +The model we generated combines both L1 and L2 to give a better solution.We have more control as we can change the values of the hyperparameters which ensures that we can arrive at the best fit solution. + + +## 2. How did you test your model to determine if it is working reasonably correctly? +### Model Testing Process + +The strengths of the model have been demonstrated through several test cases designed to ensure it behaves reasonably under different conditions: + +1. **Standard dataset test**: We ran the model using a small test CSV file (`small_test.csv`) to check for reasonable predictions. Comparing actual and predicted values showed a good correlation. We also tried using a larger test CSV file (`data_long.csv`) so that we can check the accuracy by documenting the r_square values. + +2. **Highly correlated features test**: We tested the performance with highly correlated input features to see if ElasticNet could address multicollinearity effectively. + +3. **Alpha and L1 ratio variation**: Tried different combinations of `regularization_strength` and `l1_ratio` to understand their influence on the model's behavior. + +4. We provided an option to change the grid paramenters so that the user can uncomment and use any one of them according to the need to test large data sets with more accuracy we have provided a small grid parameters where we can compute it in 5 to 6 s while the large grid parameter option takes around 5 mins to compute for 3000 lines of data which is 0.2 of the total. + +Each test calculates **Mean Squared Error (MSE)**, **Mean Absolute Error (MAE)**, and **R-squared (R2)**. Additionally, **scatter** and **residual plots** are created to visualize the model's performance. + + +## 3. What parameters have you exposed to users of your implementation in order to tune performance? (Also perhaps provide some basic usage examples.) +### Tuning ElasticNet Model Parameters + +The ElasticNet model exposes the following parameters for tuning performance: + +- **regularization_strength**: Controls the degree of regularization applied. Higher values increase the penalty on model coefficients to reduce over-fitting. +- **l1_ratio**: Determines the mix between L1 (Lasso) and L2 (Ridge) regularization. A value of 0 corresponds to pure Ridge, 1 corresponds to pure Lasso, and values between 0 and 1 blend both methods. +- **max_iterations**: Sets the maximum number of iterations for the optimization algorithm. +- **tolerance**: Defines the threshold for convergence; the algorithm stops when changes in the coefficients are smaller than this value. +- **learning_rate**: Controls the step size during optimization, affecting the speed and stability of convergence. + +### Additional Code Explanation +- These parameters can be adjusted by users to better match their datasets and improve model performance. +- We have divided the data into two parts where 80 % of the data is for Training and 20 % is for testing the data. +- We have written code where the results are also documented seperately in a file called "Results.txt" where the results for the specific test run is stored. +- We are also storing the plot images to the directory for reference and comparison. +- We included a definition called `ml_grid_search` to ensure that the hyperparameters can be changed accorfding to user requirement and so that the best fit model can be decided based on which hyperparameters. + +### Basic Usage Example + +```python + # This is for large grid parameter variations + regularization_strength_values = [0.01, 0.1, 0.5, 1.0, 5.0] + l1_ratio_values = [0.1, 0.2, 0.5, 0.7, 0.9] + learning_rate_values = [0.001, 0.01, 0.1] + max_iterations_values = [500, 1000, 2000] + + # This is for small grid parameter variations + regularization_strength_values = [0.1, 0.5] + l1_ratio_values = [0.1, 0.5] + learning_rate_values = [0.01] + max_iterations_values = [1000] +``` + +## 4. Are there specific inputs that your implementation has trouble with? Given more time, could you work around these or is it fundamental? + +### Specific Inputs: + +- **Data Set With Variation Of Data**: We had a fundamental issue with the specific orientation and data arrangement of the data which caused errors during runtime. + +- **Hyperparameters**: We faced issues when we use less parameters for tuning which created less variation and less data for the model to test on, as well as presented an issue when we used more parameters it took long time to compile for example, 3000 lines of data training the model on 1000 iterations with 200+ choices of hyperparameters. + +### Workarounds: + +- **Data Set With Variation Of Data**: We Employed concept of Preprocessing the data where we understood the data which was going to be used and preprocessed the data by including a direct OS path and Specification of how the data was read and intepreted by the model. + +- **Choice of Hyperparameters**: Given more time, We added more choices in the hyperparemeters and made it more user controlled, We also esured that all the choices were considered the best fit for the model was also displayed. Incorporating features such as polynomial feature generation and plots helped us analyse the respective outputs. + +### Code Visualization: +- The following screenshots display the results of each test case implemented in this project: + +### 1. Small_test.csv: +- Tests the model on a small dataset, and verifies if the predictions are reasonable. +- i. Training Loss: + ![Small Test Image](small_test1.jpeg) +- ii. Predicted vs Actual: + ![Small Test Image](small_test2.jpeg) +- iii. Residual plots: + ![Small Test Image](small_test3.jpeg) +- iv. Final Results: + ![Small Test Image](small_test_output.jpeg) + +### 2. data_long.csv: +- Tests the model on a large dataset, and verifies if the predictions are reasonable. +- i. Training Loss: + ![Long Data Test Image](large_data1.jpeg) +- ii. Predicted vs Actual: + ![Long Data Image](large_data2.jpeg) +- iii. Residual plots: + ![Long Data Image](large_data3.jpeg) +- iv. Final Results: + ![Small Test Image](large_data_output.jpeg) diff --git a/elasticnet/README.pdf b/elasticnet/README.pdf new file mode 100644 index 0000000..007a603 Binary files /dev/null and b/elasticnet/README.pdf differ diff --git a/elasticnet/models/ElasticNet.py b/elasticnet/models/ElasticNet.py index 017e925..eccedaa 100644 --- a/elasticnet/models/ElasticNet.py +++ b/elasticnet/models/ElasticNet.py @@ -1,17 +1,144 @@ +import numpy as np +class ElasticNetModel: + def __init__(self, regularization_strength, l1_ratio, max_iterations, tolerance=1e-6, learning_rate=0.01): +# +# Set up the ElasticNet regression model. -class ElasticNetModel(): - def __init__(self): - pass +# Parameters used in the model are: +# regularization_strength: Regularization strength (λ or also called alpha) +# l1_ratio: The balance between L1 and L2 ratios. It ranges from 0 to 1 where 0(pure Ridge) and 1(pure lasso). +# max_iterations: Maximum number of iterations allowed for gradient descent process +# tolerance: Threshold. criteria where it determines when to exit the process +# learning_rate: Step size for updating coefficients during gradient descent process + + self.reg_strength = regularization_strength + self.l1_ratio = l1_ratio + self.max_iterations = max_iterations + self.tolerance = tolerance + self.learning_rate = learning_rate + def loss_calculation(self, X, y, coefficients, intercept): + """Compute the ElasticNet loss i.e; sum of MSE (Mean Squared Error), + L1(Lasso), + L2(Ridge) penalties""" + predictions = X.dot(coefficients) + intercept + squared_error_loss = np.mean((y - predictions) ** 2) + l1_regularization = self.l1_ratio * np.sum(np.abs(coefficients)) + l2_regularization = (1 - self.l1_ratio) * np.sum(coefficients ** 2) + return squared_error_loss + self.reg_strength * (l1_regularization + l2_regularization) def fit(self, X, y): - return ElasticNetModelResults() + + # Train the model on the data by applying gradient descent + # Parameters used in this method are: + # X: Feature matrix (n_samples, n_features) + # y: Target vector (n_samples,) + + n_samples, n_features = X.shape + # Normalize the features + feature_mean = np.mean(X, axis=0) + feature_std = np.std(X, axis=0) + X = (X - feature_mean) / feature_std -class ElasticNetModelResults(): - def __init__(self): - pass + # Initialize coefficients and intercept + coefficients = np.zeros(n_features) + intercept = 0 + loss_history = [] - def predict(self, x): - return 0.5 + for iteration in range(self.max_iterations): + predictions = X.dot(coefficients) + intercept + residuals = predictions - y + + # Compute gradient for intercept + intercept_gradient = np.sum(residuals) / n_samples + intercept -= self.learning_rate * intercept_gradient + + # Compute gradient for coefficients (ElasticNet penalty) + coef_gradient = X.T.dot(residuals) / n_samples + \ + self.reg_strength * (self.l1_ratio * np.sign(coefficients) + + (1 - self.l1_ratio) * 2 * coefficients) + + # Update coefficients + coefficients -= self.learning_rate * coef_gradient + + # Record the loss + loss = self.loss_calculation(X, y, coefficients, intercept) + loss_history.append(loss) + + # Stopping condition (based on gradient tolerance) + if np.linalg.norm(coef_gradient) < self.tolerance: + break + + # Return the fitted model and results encapsulated in ElasticNetModelResults + return ElasticNetModelResults(coefficients, intercept, feature_mean, feature_std, loss_history) + +class ElasticNetModelResults: + def __init__(self, coefficients, intercept, feature_mean, feature_std, loss_history): + + # Wraps the outcomes of the ElasticNet model following the fitting process. + + # Parameters used in the method are: + + # coefficients: Coefficients obtained from fitting the model. + # intercept: Intercept value determined during model fitting. + # feature_mean: Average value of the features (utilized for normalization). + # feature_std: Standard deviation of the features (utilized for normalization). + # loss_history: Record of the loss values tracked throughout the training process. + + self.coefficients = coefficients + self.intercept = intercept + self.feature_mean = feature_mean + self.feature_std = feature_std + self.loss_history = loss_history + + def predict(self, X): + + # Generate predicteds target values based on the provided input features + + # Parameters used in the method are: + + # X: Feature matrix for which predictions will be generated. + # Returns: + # predictions: The predicted target values. + + # Normalize the input data with the same scaling applied in fit + X = (X - self.feature_mean) / self.feature_std + return X.dot(self.coefficients) + self.intercept + + def r_squared(self, X, y_true): + + # Compute there R-squared value for the model using the provided data. + + # Parameters used in the method are : + + # X: Feature matrix. + # y_true: Actual target values. + # Returns: + + # R² value: The calculated R-squared statistic. + + # Predict the values + predictions = self.predict(X) + + # Total sum of squares (variance of the data) + ss_total = np.sum((y_true - np.mean(y_true)) ** 2) + + # Residual sum of squares (variance of the errors) + ss_residual = np.sum((y_true - predictions) ** 2) + + # Compute R² + r2 = 1 - (ss_residual / ss_total) + return r2 + + + def display_output_summary(self): + + # Print a summary of the fitted model, including coefficients and intercept. + + print("Model Summary:") + print(f"Intercept: {self.intercept}") + print(f"Coefficients: {self.coefficients}") + print(f"Number of iterations: {len(self.loss_history)}") + print(f"Final loss: {self.loss_history[-1]}" if self.loss_history else "No loss. recorded.") diff --git a/elasticnet/results.txt b/elasticnet/results.txt new file mode 100644 index 0000000..1b32880 --- /dev/null +++ b/elasticnet/results.txt @@ -0,0 +1,18 @@ +Best R² Score: 0.9887113568818682 +Best Hyperparameters: {'regularization_strength': 0.1, 'l1_ratio': 0.5, 'learning_rate': 0.01, 'max_iterations': 1000} +Total number of predicted values: 3000 +Predicted values: [12.26781717 8.87515958 15.61695438 ... 14.98777201 10.7556034 + 5.019707 ] +Actual values: [12.30484596 8.32094416 16.03569987 ... 15.30970911 10.5781752 + 4.03673413] +Differences: [0.03702879 0.55421542 0.41874549 ... 0.32193711 0.17742819 0.98297287] +Model Summary: +Intercept: 12.00849875191871 +Coefficients: [3.86544261 1.26678141] +Number of iterations: 1000 +Final loss: 1.3163719320861063 +Final R² Score: 0.9887113568818682 +Residuals: [-0.03702879 0.55421542 -0.41874549 ... -0.32193711 0.17742819 + 0.98297287] +Mean Residual: -0.005037729545604678 +Standard Deviation of Residuals: 0.48516459122309363 diff --git a/elasticnet/tests/__init__.py b/elasticnet/tests/__init__.py new file mode 100644 index 0000000..8b13789 --- /dev/null +++ b/elasticnet/tests/__init__.py @@ -0,0 +1 @@ + diff --git a/elasticnet/tests/data_long.csv b/elasticnet/tests/data_long.csv new file mode 100644 index 0000000..66b54e2 --- /dev/null +++ b/elasticnet/tests/data_long.csv @@ -0,0 +1,15001 @@ +x_0,x_1,y +7.739560485559633,4.388784397520523,15.613932244208165 +8.585979199113824,6.973680290593639,18.281222631822402 +0.9417734788764953,9.756223516367559,8.191348420084616 +7.61139701990353,7.860643052769538,17.280387985637198 +1.2811363267554587,4.503859378955672,6.203622557550385 +3.7079802423258124,9.267649888486018,12.249898845958521 +6.438651200806645,8.227616132708299,15.671103915037536 +4.4341419882733115,2.272387217847769,9.708439936604277 +5.545847870158348,0.6381725610417532,10.746209108702276 +8.27631171992582,6.316643991220649,17.743318882376702 +7.580877400853739,3.545259681298684,15.269537627787988 +9.706980243949033,8.931211213221976,20.861442860593122 +7.783834970737619,1.9463870785196757,14.767886709605268 +4.667210037270342,0.43803765787228777,9.40520277049309 +1.5428949206754783,6.830489532424546,7.559992218484625 +7.447621559078171,9.6750973243421,18.117251056472018 +3.2582535813815197,3.704597060348689,8.762200563753579 +4.695558112758079,1.894713590842857,9.957980193598766 +1.2992150533547164,4.757049262259337,6.337965495936663 +2.2690934905088413,6.698139946825103,8.797036266136205 +4.371519188723307,8.326781960578375,12.83642826860753 +7.002651020022491,3.123666413820411,14.176411189889402 +8.32259801395201,8.047643574968019,18.35702607652171 +3.874783790301745,2.883281039302441,9.188948979886371 +6.824955039749755,1.397524836093098,12.945551529762003 +1.9990820247510832,0.07362269751005512,5.1926562595740995 +7.869243775021384,6.648508565920322,16.85537079329943 +7.051653786263351,7.807290310219679,16.420042293882485 +4.5891577553833995,5.687411959528937,11.574653545480857 +1.3979699812765745,1.1453007353597344,4.532667583785039 +6.6840296179047165,4.710962061431325,14.480098967117012 +5.652361064811888,7.649988574160256,14.250347325003666 +6.347183200005908,5.535794006579958,14.055302005829995 +5.592071607454136,3.039500980626122,11.892013996470986 +0.30817834567939406,4.367173892323624,4.849440413526973 +2.145846728195292,4.085286437246362,7.080744191233738 +8.53403073268166,2.3393948586534075,16.024037265896343 +0.5830274168906602,2.8138389202199656,4.438230966627349 +2.935937577666836,6.6191651472689506,9.708546672166992 +5.570321523412783,7.8389820910641355,14.467773362624454 +6.643135403273876,4.063868614400706,13.930656330215019 +8.140203846660347,1.669729199077039,15.189764373357013 +0.22712073133860478,0.9004786077564175,2.911914123039694 +7.223593505964503,4.618772302513873,15.141523142328104 +1.612717790336018,5.010447751033635,6.775580145479596 +1.5231210271316842,6.96320375077736,7.66611042359352 +4.461562755740307,3.810212260964825,10.363031555321154 +3.015120891478765,6.302825931188885,9.733509295463891 +3.6181261055339045,0.87649919316101,7.9128688057989 +1.1800590212051532,9.618976645495145,8.587498599750674 +9.085806907076071,6.997071338107496,19.114974645011742 +2.6586996145951955,9.69176377347724,10.969690483310067 +7.787509039657946,7.168901891589956,17.295494322076188 +4.493615021437886,2.72241561845159,10.046165825662168 +0.9639096215349929,9.026023965438416,7.9735992408930425 +4.557762898336111,2.023633647952303,10.053211682490181 +3.0595662415065252,5.79219568941896,9.547663895953427 +1.767727829392317,8.566142840923755,8.895671343113767 +7.585195298352101,7.194629559509368,16.97066048293577 +4.320930397751037,6.2730884070244315,11.66427767355134 +5.840979689127356,6.4984660155482,13.968593937842183 +0.8444432113988909,4.1580740217060965,5.294747374472481 +0.4161417386189248,4.9399081924451895,5.093034507103978 +3.298612123327853,1.445241888660469,7.822448140840209 +1.0340296772255164,5.87644572177712,6.568365028043221 +1.705929685368861,9.251201183767972,9.143542233791187 +5.8106113970039495,3.4686980453483707,12.537167410908244 +5.9091549148141675,0.22803871029697498,10.978609068553775 +9.585592132414453,4.823034369429003,18.824364218101792 +7.827352272502862,0.8272999992243857,14.18004079051172 +4.866583308381603,4.907069943545209,11.54238423679791 +9.37826454974983,5.717280523760754,18.62129348703068 +4.734894010569538,2.669756630918936,10.459881473394617 +3.315689973425522,5.206724024715378,9.491610845712273 +4.389114603050467,0.21612079880330426,8.527806044999917 +8.262919241943578,8.961607718397667,18.792981789897453 +1.4024908899861077,5.540361435390494,6.966381305543868 +1.0857574113544355,6.722400930398117,7.025619150913081 +2.812337838390083,6.594226346919018,9.592796051326626 +7.269946142868826,7.68647491917657,16.793466229661423 +1.0774094595589656,9.160118451376078,8.10429021648664 +2.302139908948808,0.3741255617617978,5.717927128498223 +5.548524693914834,3.7092228386243873,12.235972426716614 +8.297897431324131,8.082514720643019,18.47635517591434 +3.1713889282271532,9.52899395069745,11.527464386547319 +2.909178381401186,5.150571292317146,9.018299803928803 +2.5596509056760275,9.360435700489633,10.444749277187695 +1.6460781758201815,0.4491061939232899,4.802458657190125 +4.350970600030379,9.92375564055837,13.544843116789592 +8.916772662549139,7.486080194569492,19.118424880779013 +8.90792490878525,8.934466396978632,19.9822442021233 +5.18858360386449,3.1592905183079303,11.233087508118999 +7.72012432110988,6.616612631677611,16.84247432026679 +3.7365772887371005,0.9446666806151527,8.008974193519736 +7.46789611349026,2.624605159228647,14.549955854490479 +9.368131505337793,2.4097057500568475,17.3752914395452 +1.2275793241148603,8.311126721249062,7.898630152894128 +1.5328431662449404,1.7926830815773909,5.5261560968798715 +5.993827915208435,8.745620408374645,15.297276447331129 +1.9643466571457324,3.1032367290009475,6.534206697493234 +7.774048382411776,9.718264260609674,18.520473334173424 +5.007411862023423,1.4389750255125078,10.235220957146355 +0.13936287708201545,2.2965602999885526,3.2780833171752963 +1.3182221778652103,6.776586736128575,7.472381282314666 +1.2183250462853112,5.06329931620633,6.273745102066485 +6.9426243564288646,5.811166092209024,15.142626672341276 +1.9977565166005762,8.041245261822628,8.905057662589433 +7.154071296158016,7.389840039155418,16.57055852574498 +1.3105775155731325,1.237538036503446,4.709682310392416 +9.275625510065076,3.9757819382494066,17.700605665927025 +3.0094869178093973,4.885840453515334,9.038523563303821 +6.628642127635825,9.5562325704697,16.522886184327934 +2.8644622688205503,9.248084293120272,10.918012764642949 +0.24859491386256316,5.551980423268247,5.028107426464968 +6.339751116810851,1.058974037507533,12.128191847587205 +1.4033959706391264,4.191143193163038,6.256131642872132 +9.662319121431818,5.960425532343728,19.571649374101412 +9.330232216002113,8.043609156129708,19.98762892095921 +4.673816015552915,7.847634492521874,12.915408375626122 +0.17836783976987736,1.0914399676573494,2.6633471645857303 +8.294286148827364,7.968170883251617,18.322466204977204 +2.3264074196643367,5.307695905990535,8.238312425976773 +6.060158207000109,8.677389537760112,15.465658575760646 +6.031071573387257,4.1257156927368035,13.119898705972009 +3.741840434071827,4.258820863735099,9.868382458991803 +6.519310255799741,8.674906317523249,15.986404323911604 +4.538968820762998,2.478395629513581,10.119665835780163 +2.3666236299758117,7.460142802434464,9.162091184278154 +8.165687634239104,1.0527807985412496,14.922709237687215 +0.6655885695517816,5.944336637564518,6.024998590387289 +1.4617324419269828,8.246641904563413,8.41236975124203 +3.1033467392407443,1.4387193297114265,7.304215097339227 +9.209704724874502,1.6553172273527816,16.860425523515268 +2.8472008233793558,1.5361339519205863,7.238724000136181 +1.1549006366535497,0.21148016336440034,3.8811289387132253 +0.5539540916426011,1.746414709358527,3.8216646634526 +0.5338193262717539,5.911438161109713,5.7262593907567005 +6.807145267995064,3.936304568320282,14.052022062926792 +3.179910969520494,5.045262370222301,9.372076691148337 +8.750049422346086,8.51131626822206,19.288801258830162 +0.43475062012791943,1.8149840959652408,3.690639992592924 +2.36744871104396,2.493875758322118,6.902896759565686 +5.712326517427727,4.162624257031923,12.673324169711334 +0.49254119927593987,3.736141384595716,4.624812079482104 +5.2375294871763725,1.0167190290371597,10.463582593638101 +8.334585537885598,0.5196186646510426,14.789144041463551 +9.248418690180621,0.991131415798755,16.327747570440387 +8.435749515977527,9.026531439276171,19.01543927120505 +9.795706805865926,8.020258802735935,20.79957958310858 +7.794775407713289,6.424832759955477,16.941223391585126 +7.78996354578129,1.3455220841314708,14.633272368431554 +5.360680359476373,5.142228701904145,12.602543774516763 +8.575721441225575,4.627993655935159,17.207782595114345 +3.850894961003535,6.395632712371101,11.00670915340876 +2.6646331750084604,1.3976841095395687,6.760867453083976 +4.778772740237458,4.16889368594885,11.155918060691146 +2.325699405288737,3.67511810115128,7.318386633230914 +3.663924498262474,3.2749556441254546,9.216130511344277 +3.79464079726929,6.8574334545594535,11.08740158034172 +2.968764745712853,9.488579267153405,11.276455626524605 +9.16348019538178,4.809104283000786,18.159444031370438 +3.283612050046888,5.354347898300031,9.64277913097584 +8.485604887736246,6.52587340560102,18.10645767576316 +8.043918279470773,5.327222760657402,16.706753240029716 +6.329176292676207,2.881556141824617,12.789357388851293 +7.348931623102908,2.0240459312571835,14.008786407246857 +6.947981288184982,8.60719068325894,16.64301175579818 +1.3210283730154393,6.143797405419198,6.840867657080637 +0.9509574822993461,7.257156282714269,7.044346202088896 +0.8449321882352023,9.35939822700626,7.967000461760881 +1.3740793003780216,9.588802459090804,8.9575963143933 +8.008841760850967,5.936820044663541,16.867741617982624 +7.826241046295469,7.951148389830859,17.72378836681082 +9.460270628173303,2.533833538391872,17.57013184466093 +5.900758953583091,0.9504919756440122,11.268919697858662 +6.161657000241213,1.712913040927888,12.152564196753795 +5.649506114724419,5.7243051403384975,13.496183543091174 +4.659851529812274,5.226317755131228,11.416694744625744 +7.6392339000658795,7.992447165120666,17.482339864762295 +4.921532155754291,5.995934415226123,12.496554429047391 +9.31236235690102,1.1973358850112281,16.532140193805418 +1.171035659001105,0.8770901191076841,4.333774545177628 +6.5786328504052785,4.186083007903795,14.024412958039374 +7.743214161418432,6.7123141330859255,17.147914025181894 +3.3363775832823817,8.983665473615357,11.554645594219773 +7.625321470706523,2.705349409101757,14.975910780841325 +3.6419201777205403,3.1443998020426287,9.065080170465317 +1.5761164862499966,1.4778337254219165,4.966312028682136 +9.361274633757441,4.379040371987532,18.168332098607898 +3.8331982277740986,7.296857086773779,11.50006223156379 +5.529930652528999,9.361399868384622,15.075464876716277 +7.803014939093922,4.793695641245403,16.07031008429241 +3.763594734808262,9.86631544924322,12.758979908339944 +7.177602360036435,9.511946600038412,17.486980076285114 +1.1847857721704136,8.505336791907826,8.076044753395895 +6.370738839912075,1.2192167833511258,12.209144976557544 +5.882579999692207,6.8609636510544885,14.121304805746004 +0.12302685888602838,4.543179618417465,4.445080905251213 +8.253995111963212,2.9535902534408986,16.09582075227194 +4.585480817985511,4.423141270678932,10.997565173375868 +3.019273914424916,9.184418955155543,11.18363610694356 +7.812940354315159,1.105884109961105,14.15691433019051 +9.97034657837573,8.792000243077453,21.25825107158845 +2.83908437864039,8.368965796609382,10.301680692554694 +1.0641953187138287,9.991047304742386,8.685923727824932 +6.656847361065369,6.50125015558797,15.148757358529128 +0.9044072698413275,8.970333988966253,7.968527313811628 +0.28999503204469423,2.4082805804114704,3.58600082532877 +1.43021875166635,7.767679406922186,8.041967757055874 +1.9820422721289788,9.106382271308853,9.567392626544784 +6.5626903932749014,0.36162710494696215,11.863161510092356 +0.054298341287004614,0.5165791701439892,2.3601020220285087 +6.059251776477277,8.014818108594152,15.131276497431681 +2.385528206273885,8.494088429230729,9.939338222756717 +0.5723194015326039,8.009638536416762,6.767348031567304 +9.277954301722804,7.721083991043805,19.69577126335946 +6.9812078397863715,8.379802186553832,16.727667649201468 +0.4015129954706642,2.017821107190554,3.752419244322915 +1.2492367930564308,5.0453099019298655,6.337259889950165 +7.451881283288445,6.300118445763987,16.20436078222937 +8.51131099761935,1.5521299244109088,15.511358645385995 +7.346210919351615,1.930414908689041,13.883191532608677 +2.7075875131780025,7.0990469728130385,9.650682866108834 +9.802047848986819,6.115436059770696,19.65280632570454 +0.545003149912956,6.163089699275329,5.996340045607425 +0.42350551580167095,8.841457113668172,7.077248499868068 +7.0957828510062075,1.7312784642250323,13.609723502782767 +0.9172100582419807,1.8353322888031898,4.051150369914786 +9.800271795541924,4.585606424584898,18.817395834558457 +7.84080948341408,6.364083421077769,17.072523198108076 +5.724131499586374,1.451302546650497,11.239896424600287 +9.460244535580951,3.0134263251471793,17.550441690756024 +5.7801721580754215,6.997759445890662,14.148868119403208 +6.492331552453089,9.405944096955185,16.4657039518703 +1.48438989920058,5.083527384469421,6.752547089093191 +4.04034390740766,4.741687294826181,10.478160923173862 +1.1921752619774462,1.3409460987276534,4.491985960934994 +2.7807554578125737,3.047046037608313,7.722671339865949 +4.2790321368135,6.1098754703662825,11.608323039221176 +6.34629117418263,4.118108965855702,13.577073211540549 +4.087831094286971,2.1762852669696198,9.215531249662803 +5.8830624840900825,3.170409113172379,12.490079431668143 +0.360598342773637,4.184000441568604,4.688163705715403 +4.741326750901703,2.25592868204211,10.149668643113731 +5.724579331221157,5.657719004319209,13.406517124282797 +7.020021811103714,6.4794848220121,15.81359803749624 +6.524330565210316,3.162141518240431,13.308883792912157 +7.874322219859539,5.491443835996794,16.503287702188256 +4.314181951798901,6.260124809410571,11.462189482548753 +3.606573344502543,5.127392446067582,9.68527830348897 +7.367056884822203,8.864028867237078,17.445191896680335 +9.210571972951916,5.036329251830992,18.34675116512376 +5.2027511474056904,7.998704107638365,13.693937356214235 +3.144506917442013,8.373823623450686,11.041459402383472 +4.9414164651742345,1.158567243352684,9.886738301998054 +0.720591470729437,8.419932110394631,7.382106317020081 +0.555679169068779,2.806114361336559,4.278442938109687 +3.341300405015458,1.729944451915938,8.094556372686894 +3.1389336980198923,7.426925667250856,10.475847312930975 +0.14682843560070769,8.271734245206865,6.211482169593051 +8.565480235745582,3.722615731915482,16.81496488015111 +1.536128990606348,6.008404079450809,7.4781537091314 +1.1967255586489434,3.6491936107825254,5.442463916423801 +9.584291809009724,9.95464472583637,21.41767296721101 +7.7210489135458555,3.1096150992076623,15.222412404730717 +6.876650491660925,7.054063654840127,15.820724746906738 +3.8784169516364972,6.408886345861594,10.77987313423182 +0.10727644975676243,2.0905765860224146,3.176607178597508 +5.250883029672612,1.6375130425829587,10.636974144342158 +1.6590686787653364,8.363042905502379,8.82310205720555 +9.891330026836055,5.559694280284484,19.607983051094507 +8.390697308817135,9.903216643262725,19.496423168183732 +1.415958885687747,4.482456132543511,6.306515147906929 +3.925727158419199,0.8004928364618502,8.32141191753888 +7.553301727947445,4.33779027322593,15.504534547783946 +4.693269341904013,1.5067297381324019,9.714274389175255 +1.8092665223086812,9.07103622156215,9.275819956679658 +0.44649088974278883,2.3285228494370624,3.7782722659844743 +2.9205933031452833,4.901975424015864,8.57265168835534 +5.864451730147959,4.932899758506666,13.3299297648052 +0.8411533455688203,2.4366745405571355,4.537385698757018 +8.435883847625412,6.375887004784591,17.861743186448138 +6.491490501342744,6.70203255351355,15.044005256511731 +7.629030190395291,0.5810848172144734,13.726881677693761 +3.6660838493261236,5.395274352616787,10.278691215037751 +3.3845648329732603,8.444788732871865,11.236060449735852 +4.825725085872939,7.686275894593791,13.1676901575712 +8.52015516881169,5.047914829034981,17.15670540358375 +9.095522438713498,5.871239405369806,18.59571962114986 +8.502742988337218,3.405907955915243,16.459644205467285 +4.988169585314852,5.314110410045777,12.239578081772208 +1.0497971589607058,3.9855250670154065,5.47556532900867 +9.17337672551676,6.3083224036474235,18.833245275289002 +1.7750658243696749,3.38855635609605,6.217427482296543 +1.9160300966269983,0.2482313179857254,4.9414873583157615 +9.274604585040267,4.482073282568715,18.178485315993186 +3.0753507242078615,5.984771915577366,9.425627699773054 +0.07314456293015636,2.7802210660081386,3.455536126426031 +7.030334656988925,6.337697730692629,15.775429886126389 +9.818059475425354,6.203577096580441,19.818589822359247 +4.775058736277328,7.614325631840076,12.977271473241576 +9.033278719640531,7.206959467183516,19.002787894936592 +9.632112235493796,7.820051707381772,20.348189647918225 +8.668014382619265,1.141040711836372,15.575410483423774 +7.324135029937877,4.400886995273686,15.17027304201893 +5.531038024112752,6.541024094823568,13.58234926297266 +9.698151167055695,9.845780814316246,21.43920461250334 +2.8822824548790527,7.337534974379162,9.946587425918956 +7.499835379352686,3.464928613130488,14.878240289440912 +1.2386977486422102,0.4094696028571976,4.160227585786755 +7.773431275291785,4.896997418169059,15.985979787414292 +9.855401694949261,4.649734561936531,19.123764523419897 +9.779169790738402,4.1157600219405985,18.907954404545066 +7.936821505599726,0.8481927231183206,14.43947212281778 +5.554617101377639,8.020597869857243,14.393161060764458 +9.247016672198887,8.225830906174316,20.0084146779421 +0.36970727201174225,3.727023413067342,4.405295489725669 +0.4869847231385127,1.09282291114558,3.1867535881789206 +6.753056286674841,7.132581963116982,15.670492274274917 +7.737206827516263,8.654565480556629,17.990580545985754 +7.3943146847650985,8.00871592106632,17.134801482462297 +0.48963709823279244,2.345351504412986,3.986003648886036 +6.218977733752458,8.581253046248232,15.741060310257259 +0.045001249396591225,5.146293421163498,4.6248028673888095 +6.772873993643972,0.2960728912861321,12.32653258464224 +4.013555575533879,8.956348813836968,12.308600633906574 +6.7161280885585875,2.376583633605973,13.488103727144413 +8.527811296319127,3.480314234095143,16.490489170506688 +8.533446711440595,2.989436511189055,16.360057575456626 +5.90320250883149,3.969400677478341,12.798051378093744 +2.7482505075506705,8.865575621718692,10.511389035779091 +1.8759368193949133,0.848115912357631,5.214262993774764 +3.4192693854566034,7.1763914764156755,10.592587949382999 +8.074316059762817,9.987433700667648,18.85716967529476 +2.963620570111649,4.079419511312822,8.601109617784854 +1.368212780296263,5.748719296230336,6.981249074259599 +9.975800372629172,7.008810101206585,20.37652012372552 +5.952128404133718,3.92369092921794,12.935229116361109 +9.152987602855548,4.969165961303494,18.29645778463397 +1.343669133130615,3.6537846319913347,5.7730939874192835 +0.671666688477669,2.0197903768878156,4.0585800168223685 +0.17668780999912204,4.532799165001634,4.632111626058205 +6.345402649517972,3.4329246237890776,13.090731052839821 +4.203817715052772,9.59209272844576,13.155114055165079 +7.519631215749155,5.408566369449512,16.020168725269993 +2.8454087511182524,8.969967987729952,10.94114218749908 +2.350971168806595,3.2534273051667704,7.2088739311675765 +9.090648144229485,5.295420552850723,18.242594397826263 +7.423179494179767,5.9074479416376615,16.058974313153268 +6.5343920900949515,2.9938329151482557,13.500843960970412 +2.4137206162666294,3.224923471686653,7.197557609401474 +1.5544156408342247,8.743143652908074,8.761809901190741 +2.832469332501141,5.614893944143846,9.032312915710493 +7.919744251413741,7.838241093757135,17.906863124961276 +4.3838625858419284,4.762573085867256,11.070147427984875 +9.947017489350248,6.745974769790241,20.291246841986965 +8.146384431178827,9.02553969219232,18.691670374573583 +7.875898362293392,1.8517934495356758,14.696683462715914 +5.621707337375722,1.0189415731454488,10.7693057745122 +6.529221265639984,9.553494281878109,16.58063493264493 +5.127320643001113,4.329724928677672,11.863883054416473 +0.35842751418163177,9.597745223292204,7.254900688302176 +1.0300268413015878,0.41079093304846936,3.5669546157761394 +2.460666115049385,0.6553043391838242,6.039279891763973 +4.551178424117623,5.160878012571124,11.440468943233368 +3.1256994902858395,0.5096048257488606,6.982816172304408 +1.116003682492267,3.8450437798992807,5.497533567669328 +0.6052845082653613,6.981897256099135,6.438552698990707 +2.07020541524812,3.020715687836385,6.5978077157160895 +3.941257771780975,4.166096330691479,10.081383613346814 +0.016607076748005323,1.1207037099869754,2.4877803724264274 +8.627645637408781,0.01233062511908134,15.062654089881844 +5.081673558128751,4.895020065072081,12.221019007941484 +3.330941610106378,4.313270201464496,9.164655385943504 +7.805811375265844,8.412037062149565,17.955102994975725 +2.6034854341525007,3.2249044096772983,7.596069613322309 +2.4248285302833272,4.798634005510651,7.933989592950869 +6.83258357658813,2.2825287546342055,13.341513273920183 +3.3073574205486667,9.303846175891504,11.631381670984078 +0.48569289846958075,4.607696052395662,5.235076825538794 +7.115580415967778,1.5045401155747407,13.306030052077512 +0.47374020005481854,1.3820537163853075,3.5654096137740683 +9.18823193530683,0.09259781821123414,15.80932417380591 +1.8832197481135182,0.3128351290164455,4.9778034885420865 +1.1062946756220327,6.201492866282963,6.881992881792772 +2.416389087390858,5.692120504306768,8.672788831413818 +5.901953827661261,8.494353330897791,15.142391986104863 +0.047413929118739206,8.533694593423668,6.454442889028219 +6.19119086426974,1.627434861049576,12.00847296246285 +7.72937388135284,8.554915417905857,17.818571701486896 +2.542634837541573,9.187936809026809,10.272675895970364 +4.544574302986578,6.034244543333215,11.782424917687896 +9.846495336176437,3.615360786391993,18.633946876670855 +8.131593458201129,3.1839911782845967,15.810600322398969 +7.99213522241491,6.007339188626425,17.16458269855838 +2.163556952254014,4.140260937892364,7.520937000885303 +3.176356343635617,0.7810839308036388,7.141426039322678 +0.29834770099697483,3.464786554071809,4.1119463875192634 +0.1903414781748658,1.6548775758177503,3.2289545951108045 +7.251833208508688,7.080912356835879,16.54462835515683 +7.385803864573827,3.171531711299788,14.708596465689226 +8.900194571176955,5.938305480284476,18.39000070312254 +1.2602634174662652,1.4371866145553414,4.663903702964184 +6.930954269297015,1.7294393644207806,13.162275417189646 +5.072927015820433,9.917744759287107,14.446405744237795 +0.04007604733339498,0.16579801897556923,2.1379228905984227 +9.930845819305066,5.846388341341655,19.799371355107162 +1.2690997551851313,8.973021997540936,8.41785501223274 +8.803803001276922,5.3620041311137525,17.873584084737654 +6.217920298607566,2.7318719150087634,12.522489935327641 +0.5051969637200515,5.945676088908644,5.519414164959526 +2.94755193202763,6.6362104666035195,9.813176172980107 +8.362451768426013,0.18160543914364058,14.568201325375497 +5.957137746857274,2.3128053968685225,12.06889687818724 +8.738884979038014,2.536645065618285,16.320852536392387 +6.107701332354183,5.535408400896115,13.837951288752814 +3.961665000592489,6.776207635997941,11.23661613401137 +7.257696347154338,5.669377953193868,15.823217134675295 +7.584222371847541,9.834170759929377,18.269503905884786 +4.192723879008051,5.145830518855309,10.925477507532994 +0.12469877941213237,7.960285563103784,6.2440994412351705 +5.202300670459938,4.079614303605652,11.874914572093461 +0.940719630893958,8.896564216753973,7.939565902325557 +3.9500724004055643,6.8258159820922035,11.339447510316402 +1.4937415636815077,9.615496295410326,9.184742032076338 +1.7844176182183091,1.9954199289949037,5.756678032122499 +8.589828605577138,9.125827441419311,19.543300948331936 +2.121474075233014,4.6980088817482795,7.437363786545574 +7.334949045628298,8.783657338108016,17.42057661618695 +3.790526950373052,5.170194868494292,10.087385546786471 +7.417164105197349,7.3113597665279535,16.92152833504832 +7.829601300260849,5.699338186415264,16.53173836229525 +1.046150968047752,9.039732908780401,8.040622706775128 +8.655725393210282,7.98097435818333,18.837338962480644 +0.9986247716072949,2.043973670814292,4.516296827368701 +7.436003651076519,0.23140094581946435,13.242880728298188 +9.792246337072797,3.771446803556807,18.756362674021283 +7.193125336908236,8.875710884880434,17.3134669864992 +3.9462988815008226,3.1913248859966603,9.463645653944667 +6.087411288982468,5.8098937374805075,13.869440507002704 +4.091399776247972,6.017747558677085,10.9176063924861 +9.353813695664947,4.676402566265965,18.266296498635548 +1.9674218075063132,3.772059828830039,6.704040970912421 +3.9410698259311863,1.3110869302621986,8.602009545919648 +1.628715005545549,6.845620733936773,7.8513881726906325 +3.394777542089027,9.548983918558076,11.868390900017456 +2.4359674535860742,0.9892450510482231,6.053681515055029 +7.535045630002579,8.810360519178701,17.722951944067255 +2.7811335687148784,2.02088101645478,7.04010021321568 +1.8576613487108717,5.220123013665123,7.387723538994674 +4.684166412467709,2.5943983985453425,10.406473534270324 +0.4517311698942639,4.814913403262807,5.048510178273924 +9.593323476356083,6.525192007526632,19.69694560070427 +4.955065566286184,1.1069207402961612,9.788372241720303 +2.524362905495873,2.9477394957454273,7.054705626425226 +7.648035526072343,8.767107972646194,17.888333148991254 +9.016418535664384,9.845686082507541,20.552172749076547 +9.823666831045324,9.529991327679815,21.476672513058283 +0.7182214050288438,1.3779353592780519,3.980820629408248 +3.044665264760329,5.5289825406446145,9.187149366388255 +0.969778887054793,8.457969578021425,7.6156547387490265 +6.167561790773091,5.4236440230220495,13.97717386747575 +1.6531132336729115,2.5325547440019736,5.792384707227218 +1.6031202498225805,8.519331577947986,8.60595589365538 +5.842278600612182,7.351294275196334,14.333138538573554 +2.9603286291002573,3.7125263708827716,8.35878241561531 +4.0485496442653375,7.600149717440349,11.886223390715285 +7.723529876745681,2.068135275140317,14.584900350467858 +9.41538856738099,1.206553374436864,16.77624099412805 +8.961220824236303,1.003956456498093,15.930174679614677 +2.645398111513111,8.46478536067957,10.186515629289799 +1.7949207234608744,4.135679313099699,6.742563048625992 +4.498592999441263,2.4525897302320967,9.89207858892807 +7.102452013359866,8.513346494022038,16.818076918852814 +8.745751398555718,3.3932214573656094,16.762667594553044 +5.308503942878144,2.484064038656515,11.207995030945895 +2.4479650155014543,1.6125406285192412,6.2910904868958974 +9.400190108075147,8.879888286055799,20.634703775294053 +7.773587133276923,5.17661521287729,16.25053243210181 +4.906079155118719,5.297456661824979,11.901338106465147 +5.3656801357708925,4.345630846976904,12.382995144358325 +1.3175483289206746,1.2566385286853599,4.608820990619883 +9.522497158456833,4.820307595863506,18.56038465272495 +9.53205524905189,1.6357687771010998,17.27313935351373 +5.544165520399336,2.0771725335153923,11.490321363668603 +2.531846061266015,0.30054578761178785,5.857163884814222 +1.1895331074021132,9.168484076291957,8.336243687439566 +3.215329914823317,6.081292119145916,9.817882240181602 +4.65014131989273,4.004512452452783,10.78852133175522 +5.318860913460681,1.8723894461534152,10.946954843857135 +9.886038985195766,8.18307868703863,21.005112361854497 +7.416146327315153,4.687592970139525,15.533704857352978 +1.5287712212633597,9.206658582735677,8.899761503284337 +3.4138706738172764,0.5010668969693377,7.465555365239344 +3.4240367681062867,7.944570304958844,10.994805720503853 +6.227087449882082,7.508385847448596,15.276652257738723 +7.936353838623774,2.119546110805426,14.887095602675208 +9.237833160931801,4.379896029203726,17.980596991082223 +6.390136492641646,0.023087725867420028,11.539227025655377 +9.93368498411178,2.808963859641551,18.240194734502804 +0.6206310654015523,4.58262041536514,5.2029844001376695 +1.2903005718204175,1.523267101575757,4.673939926812948 +6.322828130302102,3.929273915702333,13.46184315176791 +9.21852450154995,3.1915649460807005,17.341699511431152 +7.261801283839011,4.610994301549076,15.214859512135071 +6.599513011292788,5.996953567159904,14.788703571130357 +4.727839727589982,9.500610946244372,13.915312536505747 +3.4271364275495584,1.7723550124927256,8.098889155841071 +6.780940608798282,8.460075613079088,16.40087002869303 +0.4025373993992376,4.496326884226805,4.786999829076988 +8.924876896873263,7.496186189228675,19.16652177118933 +9.918077164976282,5.314138115972438,19.44542008919124 +6.599957188011513,3.0248028113792813,13.415791210840556 +9.475355996659923,3.6633548855653633,18.029529909517123 +7.385107126866286,4.03140204119082,15.356352554261264 +5.618189300629993,7.197825350215462,13.903491374454243 +5.089341517513542,9.070863269095085,13.902712915145083 +4.193009879278103,6.470717981433252,11.461115765323205 +3.423624333000541,4.081566682310131,9.004666678741518 +4.4005010823355235,1.2580701831228525,9.157117228969819 +0.9172367905900669,6.674899231467579,6.583544387854973 +6.5551773834305225,6.629097142100953,15.056864579942834 +0.19766445342691674,3.265468426717799,3.8227399275982 +1.9780984725919692,7.781514225440124,8.954199969917745 +8.606304013961301,2.466803772261473,16.138004959338183 +6.678491588479863,1.2936280345827444,12.772096680325356 +2.7515252560171333,1.3865449623341952,6.824608513609837 +2.835207665992292,6.7473654734927795,9.71935322803125 +9.103269101852526,2.02522407924186,16.63730118205599 +5.420790349507191,7.013911012434323,13.79759623353218 +9.529224684855658,6.100604828871738,19.39123625959763 +2.5510693102738067,6.254781569139363,8.876012637883738 +3.2049116167801617,9.761283906917077,11.749924338819648 +3.9967613516363687,6.854277207610142,11.424990470850476 +0.2322758234675848,4.000614461347554,4.328470197662242 +8.751076133225116,6.102274444332458,18.187353550388714 +4.439428863959764,9.359374994357259,13.413955766529808 +8.53984376147229,3.2221567382293825,16.209092752956682 +5.445484020413396,4.898242560924627,12.582253266309683 +6.322025001148623,3.341112669587556,13.221860907976469 +2.4420500076588825,9.126718352555361,10.25125691426831 +9.238744994985064,8.43322885761979,19.962093822347363 +9.782044307645613,7.449915257796885,20.16124785331597 +7.646672285619997,7.625900919626407,17.453051554922784 +4.806076309423065,4.564521945142717,11.472667231768325 +2.4022627614900314,6.448191943592905,8.978895064906403 +2.8932013610233454,2.5780840970235444,7.708340365029062 +5.8596137409605475,4.099823882250432,12.759971196910351 +2.188566087946322,8.160560167528311,9.112985836775273 +8.60569919294376,1.6769951967778096,15.7008314453851 +0.07507032799999869,3.361299685293737,3.789531097996645 +7.975108356807525,8.391738662343244,18.20359786854067 +1.3832907011604922,7.743359011830512,7.835527696991406 +1.1570416730942945,3.9006259015652924,5.703676118729357 +9.986095150119159,1.9259082323090981,17.959861032091272 +1.5396358257762643,4.228003325467935,6.522050718024527 +6.196685259698614,9.329007824132532,15.928851100254422 +9.808211455330342,0.6964063659139463,17.10479630558094 +1.3799751734790533,7.907379738959939,8.052496324612893 +2.7063215227086044,8.848490595063605,10.571286248906471 +6.634532572290867,1.1184480238067718,12.429031827637898 +8.325292849240071,1.7635638000807585,15.062635575091628 +4.234953946796538,5.5218492855933,11.089669261939164 +5.007661490802783,6.861629156151504,12.91921019336825 +6.526867348692552,9.920420055280548,16.634759164290887 +9.994219092241877,5.16459402635641,19.42281958057724 +0.9519908696086399,7.278432989687183,7.009732703740709 +9.766640782165892,3.1832638762902032,18.23010538760278 +4.6120888583757385,4.247769248154559,11.051560700372672 +0.5141915455692936,6.722644312234448,5.904078920841495 +3.533376950684678,7.874638746315022,11.062030801004008 +8.32120075281986,8.212307865978454,18.70091061427874 +4.166659980398801,3.215456822408995,9.83875756744978 +7.488207796670548,8.01389433842723,17.239015500712085 +4.9125744639136615,8.930310195363031,13.700691130585469 +1.4390869607855827,8.790687796589602,8.553533972706573 +0.9609523297188127,1.535255220546139,4.171489006752066 +5.338400132739603,0.6751848018741502,10.283339384935182 +0.5280710140011036,0.005187441657055203,2.648516824796637 +4.363166596942632,7.746238812922298,12.331020588741922 +0.34838350279915664,6.522576064658554,5.98106503333024 +8.231273174161865,1.6800084857787112,15.15196694582852 +1.4686373482140425,8.60800973620536,8.585922852330143 +8.231246099500947,5.389417662641868,17.021938200693622 +8.191998792939803,0.9275607742449477,14.720566973817338 +3.944815179387544,7.377975561063729,11.542610286173405 +2.574519593239634,7.523289144335528,9.757987161454212 +5.041786043908139,7.502659879482331,13.351316195226483 +4.6467963785732955,3.679043402218176,10.730755358447068 +2.1918921647863234,2.08379341435015,6.2903239527117885 +7.51490810571396,1.189103480339605,13.974504599868647 +0.8598235011094513,1.7629136502213016,3.887338235529167 +1.7534651145392188,8.231076228068998,8.776786007864873 +3.985066234742124,9.903884573604824,12.98330178646454 +1.3721125779061238,6.535398256936434,7.250893352769973 +4.487295072012506,3.9291817669707396,10.710992922210876 +8.750841990540824,9.755956458283997,20.054472201449684 +8.728589587741787,1.9230067903513304,15.93127312733243 +2.2079792120893407,6.560738790950634,8.676531733918456 +2.890835816381917,7.347251307805799,10.039613390479923 +5.664206508096447,5.50908768490403,13.235556237205074 +8.285469248387859,7.105327717426778,17.9913605701474 +0.265777649972917,0.49459137146015686,2.716681400977587 +6.015584524560157,4.861920756222755,13.685948811124662 +2.601846553429914,4.186560873148016,8.057044906986075 +7.579103187328605,8.266114846579299,17.582770453163718 +5.612230678900442,3.8536948085710296,12.3645461057025 +2.70696761495107,5.219184707692534,8.86020890585612 +3.14749618564381,5.640951370472229,9.395120615364409 +6.766523825096376,0.6607921091939484,12.306441611594721 +0.010674650227472382,2.1227713884074295,3.0927009425101826 +8.94511497718781,6.462907632285591,18.715140500410207 +1.7196035193702286,8.902639618236188,8.773263528022243 +4.6995594028734,4.760917566786606,11.42945432491816 +9.355419438426551,0.5948669218334002,16.312513642692696 +2.1517827462871852,5.857713251547224,8.230946564055388 +1.9548650958200409,6.795270092089578,8.372806243906902 +2.140922893367202,0.9915697059881434,5.526347007558174 +2.069851596408397,4.227340342720622,7.110441841817333 +1.7613829917307988,1.346920249233473,5.234855645009235 +8.602818862189409,3.203972035973078,16.580108824864194 +3.607586865182536,0.5527040950122764,7.725196968481462 +3.5736962350205417,2.6480717732157966,8.622507770936553 +6.104850673417886,2.053902976724067,12.198682222085692 +8.883654530628405,9.296666209195552,19.868014243263723 +0.9983105717679019,1.0740295628857721,4.239444509156141 +1.1532643811098797,6.19569256310312,6.885178593282084 +1.2196896420962289,8.523823179302664,8.170063750439951 +7.542715149378925,8.19808858238024,17.550798118697045 +5.260605268860209,9.966772115191535,14.975918280207889 +0.4417510294416127,4.012649641861134,4.672103996225141 +3.2393666893763617,9.486454987126411,11.58378103110426 +5.768609584975929,8.061909654447252,14.812697646205386 +1.7034119365851885,9.786341439004389,9.450942152608675 +4.986395468763152,4.936720762706458,11.873051806046922 +9.708847285457377,3.8073236121714507,18.663595981862002 +3.9752502455499297,5.847527028049367,10.793046093900946 +1.2805261054778694,3.210856264118549,5.352746782770742 +1.9320832244513053,1.032834791070496,5.513819868105887 +8.661446063310201,5.89331166127476,17.865700286538413 +3.586727915279112,4.086693773667128,9.466948428168566 +4.315190036873546,6.331491821447094,11.820252049652751 +9.267693914889932,9.327796196569825,20.42795432509932 +3.914919795306634,3.2926245959776956,9.514600453579673 +4.51046500185255,5.679342304284925,11.753709577224473 +4.618179114497483,6.587534098167009,12.289224363169536 +5.543990233797636,3.207155466940761,11.901580996822238 +3.457308057626326,3.7859278755973094,9.317863978603903 +0.9463976824938869,1.6606263241397312,4.24037794157716 +7.231138021453861,3.8909671152208003,14.831878042644044 +2.1453897256014365,5.626724105748573,8.196382090867456 +7.5553954247342725,2.5742236234537144,14.718291305966927 +8.267898819237445,9.275048596250496,19.171544487003665 +5.973945290738407,6.689476589915796,14.215702281383882 +0.5257599032305538,9.455198910219064,7.639056788174123 +3.924847342649438,9.239004005454298,12.523732225798703 +5.789775247502425,0.046187988433276095,10.633178974025931 +0.38541999323435716,6.8041880566992194,6.002418442545109 +5.6266801383193314,0.26532437206074344,10.591707022325059 +7.434599612223853,8.521453370691818,17.599434953934008 +4.9641748243930826,4.65757440357255,11.813179008938718 +0.054731088346274825,7.866497124935993,5.937264715548997 +3.307160667461054,8.787636197825396,11.253416338917559 +3.7306058755805305,5.650779106307056,10.416558621445196 +2.7034178819932753,1.6058831258491868,6.72343181283855 +7.749079033813279,4.965904788462816,16.035035352802765 +5.364879237522508,9.654159534817355,14.849979488559331 +9.635799122221536,8.556421217024035,20.689720756452886 +1.8760929276503358,5.942726943015799,7.858193623220395 +8.781474246555375,3.744639364489377,16.970748290337195 +1.0110616593558497,8.109629022399218,7.324408875769689 +4.817635513621717,5.643926803591786,11.879839381295316 +9.821442963178445,6.072114304940721,19.766439783687908 +4.249793856661014,3.6998436784719777,10.165932297226833 +4.176192926540456,1.1839908317866876,8.73261763250822 +7.947505584175718,8.37716858187041,18.30568780010772 +2.8439713457340887,3.037966184099441,7.867815122789489 +8.743342563348133,0.23970355527955456,15.229022906647652 +5.204574437672277,4.63675714681501,12.148569954165842 +6.901267695784598,1.6339170014945448,13.142345943323472 +6.6833074079515375,3.7673400787487643,13.783249626832163 +6.187147781696421,0.4009500987277592,11.584268750547592 +4.617271971845094,5.222508939823721,11.622295435790393 +2.143264028549866,1.396236541791207,5.715280935413201 +1.884743030123014,3.4414107806334804,6.570463185712836 +0.9681014930497145,9.473197957296044,8.22243444078035 +4.049940614958173,8.08969602506749,12.08758581208541 +9.744171231088467,0.8073528000273911,17.22965978050954 +6.51669467934994,8.71409086741214,16.330961919356923 +6.342344339667283,4.2902612135741265,13.620896319763235 +4.310763576379383,0.3589888600735891,8.623357873556461 +5.346007512892753,9.935429967868474,14.952699210132447 +9.587075259719342,0.4039922884216318,16.5214757964851 +7.057970036294882,3.017648666969308,14.003703336670931 +9.029891534061367,0.45114745709278536,15.821096740807635 +9.358741020110806,8.374757437877768,20.421634392777648 +1.1750438225260151,0.5982433731729919,4.21669560936505 +8.347076643269359,1.5575767097457938,15.378321019267633 +5.348981529758705,9.157448578787095,14.361485392234743 +5.674481135493234,3.9723330147282407,12.311433262264742 +4.450160548539922,0.6311717070387102,9.097243006978761 +9.687523213615988,3.106541850810828,18.246493090622277 +1.8936349167285382,2.860473018403953,6.326062346697062 +9.64373194891479,0.94286053488007,16.90647015930719 +8.673030405011813,7.0784389440144775,18.683995180464557 +8.300191791590281,9.758975403678964,19.405134766412797 +8.42154655516872,9.43382351277853,19.462976117215682 +1.2693525679091977,7.9578856516697005,7.697314766972491 +5.456756940810478,5.4349559507986065,12.936947377818191 +8.989215763205136,9.718038186467112,20.520299852754594 +7.04838323043181,4.829383894717839,15.04001163605327 +4.564038579018454,3.863414572231818,10.872589627805855 +3.6159902957266263,3.915068416844314,9.38515694306263 +0.8975323525119527,0.7743608526043821,3.744086467299436 +7.798698438723117,4.460728929202261,16.068664876923187 +9.306844885446205,6.122210085939525,18.954393536288382 +0.3517598218441975,1.5752334131747947,3.238492527527715 +2.058197930130076,9.757360243896606,9.918155614666277 +2.187042261516349,5.157556762880513,7.861686413961741 +9.361769316401961,9.771927299143574,20.767608733041254 +2.363604353835446,0.4911764375004013,5.864100642541336 +1.536018325377585,0.6332847870255809,4.604245192971949 +1.951242410923364,5.685697147037354,7.855081115914814 +9.124487962956419,5.3721888369434,18.1609193702536 +6.259895566990807,2.0186725160954113,12.48493191118241 +8.0058362067385,6.177889085055832,17.23138834703098 +8.641368291927249,9.48843107005784,19.750122756319968 +3.479007757565923,0.9057905853543935,7.674408827842872 +2.2592895791678247,4.3784156567583725,7.664662527064608 +9.456936518244733,3.783098223734153,18.204096715108268 +7.7077321366537,5.40476692170755,16.316274322618668 +1.8280877043097654,3.207341189534516,6.405566269329839 +6.531918850228187,6.728533946848935,15.327839436183377 +4.347597468090462,2.2864560266211464,9.740739914010943 +7.219067795126763,1.6887304161271477,13.59294098748167 +9.366696918651266,1.879035790364767,17.116227463350043 +1.0731236283252044,4.976477023653788,6.085551825330749 +5.19549598109694,5.081929147782448,12.337536846396912 +4.366674893388395,9.948148928296083,13.534774846972997 +4.862806126705818,4.77946580739831,11.780828880523469 +4.217660627145613,0.668257547014629,8.835505004991358 +5.929566311496161,2.279677722231824,12.036630472571423 +6.376089802290499,0.5083346194847715,11.991428224189383 +9.813871012530017,4.690050790126722,19.08229074513544 +8.967553715906984,4.755611732329347,17.969353234397445 +0.6033081857422173,8.22213546093807,7.035873316235772 +6.481837296671343,7.817570475739451,15.582298817231003 +4.281698635088733,6.3793674424664495,11.804441580643 +8.562290037966076,6.310654428718875,17.93997379143051 +3.476736348359033,6.625295943661999,10.462271586552667 +6.718541886140673,9.60586962506625,16.755143612189702 +3.709123215416692,4.250817675141311,9.81582041261593 +8.121229611870591,5.057623147427412,16.861000721462926 +7.36573093115733,4.597094644535921,15.384456703139298 +2.1549514181270046,7.452038427810108,8.860059027491758 +1.3115516918470993,1.9858366353130807,4.959567976853696 +6.268249827842086,7.472698001920698,15.108461807622668 +8.94687886867815,2.7258649741589167,16.680203930388284 +1.1072425860055435,9.560466595226291,8.392208020302853 +1.5442308802214244,1.9766698225463952,5.355254796735038 +2.913294535584657,5.293913540262874,8.95638169079007 +8.82825566034078,7.6054602272986696,19.074286992475614 +7.0815755384263515,1.7518056785600367,13.320633926945412 +3.5768263152597424,4.784049260866779,9.925182209102687 +1.4742595348558585,2.734297021266725,5.539396655064436 +3.0833320395284423,1.2727619832903925,7.3484039393352605 +5.502396919082576,7.050281965241929,13.797604863388493 +0.6993163147686121,4.811231017631497,5.494839792724017 +7.82211195267795,7.479901289524468,17.359920134431484 +8.150730962187541,4.48240633170607,16.391243710715678 +8.205570826398606,2.4075307121426945,15.438336254265074 +3.6081056141751535,1.763555764178013,8.296471045955814 +4.674845394285718,3.920600224154432,11.10518376155623 +2.4092711641431217,7.517807092307816,9.416135776355729 +3.1384677211164655,2.7280433014583574,7.981689195192305 +1.3089033085049506,4.388217018019487,6.16619686929331 +3.02964628837302,3.692728413409686,8.382770255778357 +2.3599726262055265,7.6315548981990045,9.320649878317917 +9.300033473547174,4.979318527888877,18.43816782168323 +6.429984233408326,8.67172276606706,16.057208925279976 +9.988296373336587,6.135164847298321,19.978034341805795 +8.897794665398687,9.08608246555642,19.855144130509636 +7.914514878076223,4.609313910731102,16.27464135276917 +0.8115400042389931,0.15805555440133845,3.343234060894759 +4.772006332829246,4.943145335346177,11.757493348278508 +4.073623878629723,5.681673512913646,11.094857546161071 +5.521627033044271,8.36613041032693,14.329451642711 +1.0865710326226241,2.2517766610554544,4.784574658222704 +7.930049789596304,8.478368672236545,18.083463357757545 +9.948242136208679,8.729120163870842,21.16705137944657 +8.898990070723311,3.1434794262990486,16.84130548082461 +4.016616340093764,2.6808510482055103,9.335273199321117 +6.062993981927156,9.388053542070384,15.759065675408905 +3.4464088651161773,5.570017818814502,9.893933338258414 +2.9629963045348506,1.697999737727075,7.292130186153966 +1.9518552981865567,0.5794534453812994,5.462174289759416 +9.492935230092574,4.028796085076296,18.081279028175683 +8.341208920021081,6.8132947268969115,18.032178435212185 +1.919211614110854,1.7546224657908782,5.754291222727262 +8.119882015105448,2.6471171061953735,15.459593691040135 +9.132851837019757,1.4005540468949063,16.197733771368135 +6.777086144544695,8.14473876030934,16.31427492822913 +2.3525638841564502,2.7620736345656605,6.765785893784908 +9.645188861392016,2.645976053461583,17.873560709260943 +4.2995704990004775,4.325155932423661,10.786066801611922 +2.530347499296836,7.7579108643709045,9.546196304771387 +7.718493432291552,3.7831801422378564,15.586166278051998 +8.351257910807337,2.130749343990024,15.594805474680731 +0.04305775667678646,5.71167362055741,4.711002982109756 +9.940777724523786,0.38644309826884604,16.983906450425348 +2.0799807370846057,5.189146424870842,7.732366982326184 +8.099407364448707,0.8904200507505322,14.634439396611622 +3.9523465375889435,7.470758006298864,11.505829683972946 +3.7154320840636155,1.8883642047563898,8.520500737838981 +1.9549582739658733,4.1004878691499425,7.065036941558594 +4.794170748058911,8.61814417816014,13.600185763110368 +6.4225241856799355,6.904019545155014,15.044512454370834 +9.82987171535907,4.118434403009737,18.84787165239913 +4.0335440324912835,9.233469677258123,12.774294426012416 +2.4587558700505863,7.298152463028666,9.42245563451208 +7.545731382181346,0.9778799744544309,13.896680782032147 +4.68231405693584,2.00562471321554,10.037634103574904 +1.8537527280248567,4.638281104628762,7.090317870647407 +2.8942970750806496,7.960604476258709,10.348959208125821 +9.076048913904824,8.027206052883656,19.551299525398875 +2.6603087262166527,2.741343936886084,7.472344557075658 +2.5472835011746744,1.3503809605623607,6.343075276366383 +9.437983681037112,4.020477981570694,18.11678348114911 +2.2468947454587376,8.466710505082435,9.600073089060091 +3.991953026577905,0.3511681110966658,8.210481545308841 +1.6194157024963118,6.3925034035617,7.691128107025538 +7.8290527417172395,2.1093438848871293,14.94714967074901 +9.173955892661422,8.509971200521644,20.02369465063344 +8.48380754061081,2.276611467992141,15.792218459929321 +0.5053598865005771,8.674235394825837,7.080653854012201 +3.0580022873856736,6.189163811735259,9.649645581325137 +7.5996688370073,1.2829325851112017,14.092962894403495 +7.8083835451904795,9.385114589610659,18.298432712830284 +7.2837496574640905,4.412227484805581,15.114195256486495 +8.766781387517028,5.27457630072559,17.94972643349084 +7.447709278167541,8.20505943858604,17.2920788496378 +7.4935286169900595,2.8785487604815394,14.57427402615012 +1.1784390090583108,2.3833852936206013,4.925372698693495 +5.028749369803532,5.052769222930959,11.846210338417201 +5.8264434931453755,3.9510183754789088,12.709288419124244 +7.868913814500277,9.131537503472078,18.53390760958048 +2.4672505347947125,7.36523217701888,9.264831593962667 +6.779718525450447,5.23090499279315,14.63942559746084 +1.8853023387416024,7.952322585827095,8.738788799350901 +9.606262856288327,7.218363322336135,20.110707579633512 +9.178599966257341,9.841852649479998,20.859290032545697 +3.520506742392382,6.382235529263369,10.516699093281547 +4.73932737638078,9.8662874686323,13.913543826776259 +0.9380782400772492,4.123749142972246,5.4667694443393255 +8.755390445272361,2.8405131052651544,16.73228476875016 +7.877928506388727,3.8278316278025573,15.699718503295854 +9.799785398901582,8.835298364237076,21.131374530988452 +3.0132035766261533,7.701931135378551,10.394826893028412 +3.368565438332687,6.063628402155351,9.930076062660007 +6.58480768393292,8.29595409085705,16.124983242589927 +0.2445084088201488,2.2015789115229967,3.5529282439413676 +7.119178105885787,5.635232369695373,15.297029303891074 +4.956050782011431,0.5520995670798046,9.57706079472016 +3.482758834614562,8.651002319106484,11.452669398961525 +0.30892837036032184,3.964362353648121,4.520408656990432 +9.451482876707725,0.5088073454501463,16.356516780769425 +7.497057510446368,2.5761261618203646,14.573784456505294 +8.666088321536725,7.460679789593651,18.711294877568506 +8.85705170858363,2.15924790431266,16.37231869033009 +5.31292754818605,7.792699435748007,13.915334583111278 +2.45699742994981,2.3074630526721696,6.866461083400904 +0.27182133497585026,9.585152939754524,7.198411284784321 +7.100168800546234,6.355603540101848,15.860763013800362 +7.439947226949909,5.316129186954393,15.839682641620898 +4.761338210904103,4.495322411235208,11.36870182484428 +6.4043921210364125,2.015349753923832,12.571139518005907 +8.880586950148697,8.117523712192652,19.567686563122233 +3.4956361145203383,5.786092968125244,10.092230166656869 +1.4102729995001462,9.72346247933598,9.113840238354246 +9.028926876302835,9.218975064992005,20.084364932283428 +3.321630477034516,1.6913470738285574,7.909136703963517 +2.1177216346631034,0.9000139104508986,5.804965230217968 +1.2011063010138434,0.7130453418484539,4.124431473757241 +9.898230692048735,0.7405768336907359,17.150895239344116 +1.3254208095141362,8.272545955907365,8.081481230157012 +5.802402167429431,7.744172045693324,14.573752510525521 +6.30912007772655,8.82175070328948,15.906742602077093 +6.384675277647406,5.221250929031509,14.183638662023824 +7.127496937612997,4.473927517921094,14.886210709419903 +3.4606382290473467,4.676524524502125,9.72467379160308 +1.6971410509856066,7.965717298026914,8.508526342946618 +2.6070378133594465,1.5353154633704746,6.616204314010455 +2.4635224178322677,8.420701517722398,9.988685502367655 +3.3020129559773137,6.860498695059002,10.467912361444832 +8.564096306557392,0.7774466692504212,15.376116732152083 +7.6502440517804295,3.0766546637903005,15.206479785470728 +2.1662236418404266,6.889014524529722,8.728469927049357 +9.097966227332337,2.9501920871239538,17.09321996000616 +5.68833805384319,2.8983411384949154,11.791453943308326 +5.542855857264279,6.218620306543405,13.329808797333316 +6.103353887901798,6.235463696427459,14.293618856899716 +1.3507979221752409,6.935404695867195,7.375805046539543 +6.747503563802233,6.825881222168832,15.375683781318621 +0.7407055273870633,4.468388424141526,5.351835292646512 +4.090351320457297,0.8671148364319914,8.646760320809502 +2.223679278968107,4.409626317980368,7.515684272853425 +7.429063098580823,2.370620769846632,14.418583793067246 +8.297499101249116,5.457982857394635,17.2368983769634 +7.604216851846175,4.725559833368571,15.884028525763414 +4.991942254222233,6.197193893796403,12.80385417407111 +9.279706081658242,4.9181258141291,18.640024693618823 +5.28657538108291,6.019969635275295,13.01301500091245 +7.375151372977258,0.7185033548623432,13.375993717906182 +5.156874385219721,4.815915892060435,12.149453112511956 +9.216849842375703,4.935065804363411,18.450133124257988 +4.68320534694331,9.62199988534702,13.746485467559216 +4.5057646360088155,1.8088443032209034,9.807835215287936 +2.169161228057883,0.9518753833697413,5.712687127779911 +0.005681292589444498,4.319456610004819,4.190962839034493 +7.692425812982214,7.334664427998359,17.125202177296472 +0.32149087802850196,5.699829035940329,5.199778314753771 +1.54283125413476,9.410762847646973,8.991744704269498 +1.6736499964417928,6.266392176974815,7.773972252583651 +3.2623836216405677,6.415613259643522,10.031186006254107 +4.122585964640751,7.5964305230639475,12.143346324495155 +2.306791253278578,9.0579185291426,9.93185880636265 +5.0020964931335214,7.560931477128529,13.176787762626432 +8.49730191401227,9.98828610954805,19.76545963065054 +2.2394566559395823,2.8689241356345487,6.861554250506057 +2.5043308673188824,2.6287133215978264,7.089661753429287 +5.824447415393774,9.93522523145843,15.719379078379072 +9.902780870927545,5.2677323136230765,19.64833348429699 +6.390272102646738,8.599705437016059,15.89475232722735 +9.32933458453505,2.0386062732954393,16.966264334909404 +5.285417289424529,8.328370546615123,13.97901425311939 +3.0320207663459167,4.398090424804667,8.874439930864243 +9.85621101512008,9.85046696720871,21.666982203975056 +9.061068107651817,7.984483448280576,19.55103358678934 +2.6913050072280575,3.208500740671875,7.746395821684974 +5.472828412048747,5.607773745620122,13.218544270360912 +5.05502819357067,6.366702799163061,12.791026881320615 +4.0832302263298885,7.49174157315533,11.857016298766032 +3.3354992647835537,3.3067699694635255,8.656068634389785 +1.27225961891828,1.8871221002891925,4.806396650048353 +8.505208789213576,4.462823385804415,16.95364014015574 +2.278677865528338,7.593411000223874,9.179673375334808 +5.539811258168594,0.21156011423293486,10.506569752169792 +3.163614573367152,1.7700141112134105,7.621611856400693 +6.558728609828406,2.7503104063025283,13.349179359154807 +0.6494677920994363,0.5493498919766926,3.2372489181380564 +5.817272979587149,0.21723455704089623,10.797823832806912 +8.487921131360887,1.5539711925727562,15.636654793738362 +6.0656633519542975,4.446880280107457,13.324090169947807 +4.4285152123190255,0.7179714236004586,8.989115103569144 +8.027522502122157,8.930524847532526,18.509902241231092 +0.11016667384228462,1.7860417569711773,3.2049358405668493 +9.039041887954788,5.494936128000582,18.336638669111213 +1.5003957824821013,2.0279045260915884,5.389494335661298 +6.599862442371141,7.24816822246873,15.500415334575184 +5.994268085799352,9.531483799125258,15.866084418984526 +4.940636036617771,3.002719121425267,10.936082099281583 +4.772329099757965,3.5966629366661094,11.045082684168051 +2.244158926746863,0.45963249340140067,5.692719260488991 +3.5221249356512416,7.114093477097423,10.746072189121584 +0.1843780287519381,4.391785132059347,4.479655369795986 +6.440094014498684,6.104041091743072,14.807881362874616 +7.766484358887159,8.105197156597976,17.813973653603444 +7.117058209193878,1.0279769614474943,13.314919242193824 +4.750224440043606,6.034059574876086,12.152839220013702 +2.455660388094516,0.42551817646776513,6.050270624488601 +2.235903208760469,4.548944017326388,7.562606164842342 +4.139303190546009,1.7666698132716163,8.94281317548572 +8.244155426834928,9.256866687367246,18.96690539455079 +2.013483190527152,9.295729155672216,9.787673592061482 +0.17860959175180824,9.249624727069454,6.784106034049931 +9.51928790080908,0.12051863015925202,16.19220536500547 +7.6301929677674805,9.702015725698434,18.124246415712648 +9.059022188177783,9.70710161196213,20.515678516666902 +5.5032350569763935,0.7815613988538828,10.500872812363438 +8.497891978050362,6.138282558090116,17.870882278722295 +6.14736744188289,4.172536098586862,13.274510553753746 +5.718419765211092,1.5357977908611453,11.268468724882423 +7.397700265661503,0.7501730735154233,13.37176470270757 +7.29780767043792,8.48978422624854,17.212232702848844 +4.724686775644882,5.098303660570494,11.560766212327817 +3.1221427292207826,9.694585837255875,11.530009731489711 +7.331244745595454,3.6898855330034497,14.881950523572225 +1.7480738623300507,2.1957959220209133,5.781274877921957 +4.6392228611005,9.42568400314338,13.765108334403074 +7.341463457609181,2.152437481791498,14.104886761838234 +8.59561133418898,3.7820052300968108,16.679410611100913 +8.517221827525187,2.4169959798113094,16.030903464685462 +6.1866061193631765,9.266704880812819,15.978881983678034 +2.5789400914779415,6.929265905858549,9.31488716708998 +9.873126199571438,1.505982872430035,17.533890422730718 +0.884022907006744,6.741951924448162,6.944528061270599 +3.397359477490304,0.7124447736659112,7.322956486238064 +4.753056178836042,7.537706796439557,12.947805103668129 +2.851224004151888,3.3504687750513473,8.05667353839182 +8.45699400646972,5.200719122614881,17.251724046889734 +8.42731968806472,4.463894921437095,16.856075317625546 +9.529751615601034,6.507945897177367,19.508453708917315 +1.1589886531924942,8.850929882268007,8.163970152209153 +4.892651908307978,1.4163896797290498,10.137121958595213 +1.5269013384142072,6.875339351098718,7.708200887780494 +0.47372506729489783,2.8659376491381328,4.4546156394177165 +1.397875904698681,4.410774296172843,6.256927245880161 +4.1435377199436125,5.218764346888559,10.962440269926264 +2.796363291025302,0.32043589378177195,6.409155369666111 +6.1438610653518575,3.7371800288235137,13.095228924553881 +6.513349987400464,1.0866697080426846,12.4604359445578 +0.1377735529405033,2.4829424788529275,3.288123944271539 +4.5654732299405225,3.940719741684673,10.86108756159978 +8.103025552734664,3.7783764419282395,15.972088556233299 +5.304411796030789,5.935155924421922,12.880596862746627 +0.21831391645811604,5.15133376846189,4.854837529714518 +3.4483125939883785,4.212801276832546,9.1824871000866 +1.0028739849525026,7.828205656486452,7.2531557873696455 +9.424042508085225,0.22268820629600006,16.286286288828375 +6.013727628113479,7.638440672883581,14.833224790270735 +2.8480758864988944,7.8755558486321675,10.17983262266774 +6.323550507663013,9.2916263227107,16.207056391657844 +9.810048113537729,0.42346113998704804,16.97199622249517 +4.449377610270062,5.469877875782182,11.382321707838322 +1.4674323320765248,3.362858304273617,6.187670018474336 +9.876474477564617,0.16230456342471444,16.997662869646675 +4.525079315243841,8.426546217181961,13.245372152267667 +3.239012627192884,4.797985027551533,9.216015962144425 +9.7804574578798,4.748768364757039,19.07004028130124 +1.3092131214649905,0.5172149166639106,4.098600214312374 +9.454165724399484,2.658094132750657,17.47724782149801 +5.040639065645509,0.907017660899686,9.956071501454801 +4.236551205506051,9.301055192501241,13.30490492917538 +5.024129936309384,9.711351518023278,14.322622933705137 +2.5883563723739966,5.045452397039371,8.38185737539984 +8.595307918093253,4.482523545537438,16.98885661922236 +2.794873735701896,8.554753634178816,10.523059757418139 +3.89889468872609,5.307232910602341,10.411935947381288 +9.765270664151457,1.864832947558639,17.672177042909137 +3.0140063672018567,0.3106960006983994,6.497525090397202 +3.9183770991005273,2.0018343058485955,8.866320472565219 +6.800349354078914,1.8132145876585237,12.922551334905583 +6.748127524058697,2.634754281893177,13.390517131359461 +3.552178341211998,3.488606520463975,9.043849486981605 +7.167517501636094,4.66509263138343,15.023919421713503 +3.6129889885268307,8.526227190394499,11.632575451408432 +5.719506256412027,2.138308212779978,11.745530317943766 +9.000912781436826,3.426502960336406,17.432066084177716 +0.3897937753732039,4.946002239744529,5.0916225030880256 +1.239380544408778,2.3846644371574257,4.965398676090179 +7.47110872687411,1.3075181337631858,13.86682990112403 +8.069442243540356,9.369072881309537,18.753272889357778 +6.065321004079447,7.1035919202282924,14.738716752693106 +7.135866099074174,9.92807957270445,17.69662505764746 +3.415382622016229,1.6285655124270249,7.779577194426662 +5.191672349143214,5.332498098317082,12.563551121645801 +1.7791248829614448,6.131094189941395,7.830918473367954 +0.1412473347682397,9.276684024542215,6.9997158847802545 +2.6457427782126164,0.3956020839019181,6.114771119186802 +1.0824944147485704,2.402489482796417,4.855083741212576 +2.7390616860604524,0.3280999949772867,6.15416485906668 +2.7935481219372917,1.9294173649348212,7.149906384569698 +3.786209274345186,3.851677373559692,9.64485113205753 +3.390077406028791,3.27923883530704,8.66112994956052 +0.8973127774125123,0.2520494712616217,3.5062278998927994 +2.021143001564666,7.566494274166153,8.831761648843258 +9.90809765551122,9.28526175057329,21.45979371288345 +5.042193555377686,5.318238557779342,12.362156752563324 +3.1458156903584253,7.739394386376563,10.564976451815825 +7.647566879326487,8.442723575824445,17.705996979369754 +8.955045771968845,4.343492482252957,17.457624574156533 +7.668755681071976,8.063987287958787,17.587046272791138 +3.084596224977502,9.2924224400615,11.22541618665605 +0.9434150263965546,9.942691791632829,8.482189532358767 +7.700907181588694,0.9327090532432725,13.886600675451392 +6.562296481050006,0.34179410928260157,12.057411471315582 +7.701869494441828,7.992229216590553,17.330713230776816 +6.024102530914477,8.568603919165705,15.382042565792636 +0.978832802148597,2.759238420408132,4.83038814934979 +4.141775215926705,0.4245795282809828,8.4648879389453 +4.482160875711662,2.65213456112566,9.989292342167234 +3.92735012101753,4.2510263199230645,9.92160843161559 +8.794117334876852,2.703409705276391,16.499430543484504 +8.93743128716272,4.259709648128492,17.555202954031845 +3.27807720693986,5.02512049335146,9.487333123651602 +4.177432863628397,2.5737231305514605,9.58339522339631 +5.026793247960669,1.5180173307883127,10.205522457484893 +3.519299430229661,5.657902193740906,10.29166818400788 +4.134082443898586,8.239123610507965,12.35396687839381 +2.5672176153516624,9.6977157883101,10.637447866325084 +7.847220208513513,9.675930259974722,18.651217463274282 +8.381365548303041,1.4210392585164267,15.308166679613292 +5.264600906350138,1.6997852119578571,10.729260641890344 +8.182273526272573,5.841621491832959,17.164942170372193 +2.634493143569058,9.295989720071713,10.698221698263428 +1.1518605331426068,5.63862403471314,6.719887580216759 +7.210405546667254,0.5884853733243178,12.906250629947428 +5.978560332062036,8.159012154630942,15.170400133006831 +0.6752731441805337,5.122429711066271,5.576117524144598 +2.5855717814874,6.629244515369209,9.216648984298468 +1.186773670788449,9.370514306705068,8.600581892543557 +8.947285817147318,1.8597441987570917,16.085319935877013 +3.232658843651046,5.876349746530431,9.868642079667222 +7.1806233663425045,4.426560151602582,15.11246483148849 +1.5629132196097506,1.0415149380287159,4.796265624363969 +9.997653369143439,4.5535212144348725,19.133845357627234 +8.725317491484981,4.823760046291144,17.663849141991076 +9.223576385460033,0.877593827715506,16.098522318467634 +1.1401919133455096,9.296321877242242,8.400313788177368 +9.47493045044785,3.1471744746536334,17.888293747637732 +3.5516488699387185,4.52450234834758,9.629384379606828 +4.161616800672908,1.9004521595959667,9.24911453980669 +8.983753839393746,2.5330760070564375,16.715666802161373 +7.052724094776516,0.6715567773497289,12.961136600027881 +0.38751331528429467,6.537304725769206,5.77907547622568 +3.3901585757326034,6.554593927200013,10.304640381839453 +0.9402120216883036,9.498513799158633,8.16312950852897 +7.485144668930954,8.762672330257992,17.455068782010322 +1.3647055404451092,3.201609688928694,5.705567166458197 +3.683441642063441,5.371726483268185,9.962951867316285 +2.9686848550741427,0.6063074218940512,6.792462540095568 +3.688783807374707,2.5454931462728214,8.851609479285834 +3.8592129146321485,1.9695954262002624,8.694165047403574 +2.6189637456473545,6.269523404322688,8.939810706733283 +3.8815383457806507,3.4538339316949207,9.508407512314786 +5.339056327223729,7.718605408439258,13.931854921930078 +3.7886795634795725,5.8751949255584055,10.65518671953758 +9.662026253681763,5.219801141180507,18.991786640223896 +9.097975765175445,7.936726242564269,19.6258948784431 +0.5871868165014971,4.290988714692569,5.052470260919621 +6.983184078685881,9.867119124481999,17.430292688286176 +4.583762911615126,0.9278545412673944,9.240912506364433 +5.620091747128678,1.265637921239603,11.078526854336731 +7.515195602793934,5.076769974617779,15.902952892688985 +7.234313683772865,8.693618268785237,17.25197583196942 +6.289480171627772,6.124393292531815,14.53756489519831 +7.545702954396313,8.424550014526673,17.6950976956282 +8.690537862770027,0.36430195682883304,15.234736885473334 +5.561902967977893,2.1626930979755143,11.340010093860034 +8.603458907817833,6.483976852033612,18.06330260319727 +4.202224790324381,1.881042281213513,9.261461043787568 +3.390236259198265,7.037776945402245,10.460488524444084 +2.0435954521163877,0.9358294533837275,5.502209617593474 +8.88028758227551,7.642103495801168,19.18790048647684 +1.9979493065813259,2.9231154342999166,6.5755961772987535 +9.720701771308857,7.081844867591174,19.96757371603215 +6.105220042138248,3.0762848542413037,12.705880252224901 +2.9912514416652227,0.39523618690230466,6.677671644607118 +7.284818669019314,0.43175225056884536,13.146854698921645 +0.04857337777279036,7.294950878609791,5.734492056522699 +9.488737571491253,7.565030477273105,20.012454896162517 +4.716401906243787,4.8604524956087305,11.644050002223253 +4.3613642264910535,3.2464366711033366,10.289664346931128 +5.217142141858401,4.31150957141115,12.195796917350219 +5.981678800407747,8.981200805010944,15.46206138317397 +9.950094173238103,0.7874328988291712,17.27778876332296 +3.846834726613414,1.8070619576680946,8.577006867935207 +3.521204739255337,2.87473018548423,8.66722837915996 +1.745371316267883,7.640760534212905,8.509894354783773 +4.962887428292358,9.192455822172258,14.127411562370725 +0.3259244324701449,0.6697801313198992,2.8913281888286417 +4.032735829303441,0.8027732040403712,8.384043577754097 +2.627295964148335,9.860297430766236,10.805185170860087 +2.0895960748461406,1.981177414120907,6.320629223740718 +5.736406687957091,4.979982907931567,13.011402187457211 +5.804382972028447,3.767352782085467,12.731903315747887 +8.26762359894947,1.3858055144246284,15.134795760459046 +4.283926458414657,6.897618484440871,11.80143903593204 +8.682364402828997,3.695716063567577,16.752956080019704 +5.677455990937528,0.691399450072615,10.792991769908356 +1.7031908811182894,0.6913816246611448,4.942240295411488 +7.278808919985219,2.880599687221407,14.267550424184451 +7.2374529019183775,0.6639827904327456,13.343611784265274 +8.625478004083254,8.355301981110916,19.09508194982026 +0.8892874305028264,0.23756506457186521,3.5227583238811997 +0.5628881298199118,8.53630173146734,7.174454169627349 +2.3470348905189575,5.482733178581887,8.424109003132573 +4.262442031800568,7.955255262286021,12.32749364396244 +4.888983014706706,5.006608406612697,11.847386952094283 +9.890919394999024,1.501295567492571,17.44688742689242 +8.307039387459314,0.5174974560388479,14.729622631047379 +4.776487695729708,8.863348239330236,13.710406819567607 +6.6521396560412125,6.852146193661329,15.426229750093839 +2.6331728225648554,4.185747913614542,8.273900144615343 +3.665810634990505,5.214432101579942,10.157902994812824 +4.622279301436682,3.2689835187698932,10.513869471204837 +3.0548061237117006,2.5085289165512217,7.882050118643779 +3.6504724688475845,1.4994147793406065,8.079076612675438 +8.721043020035738,6.021193918334273,18.012263395151706 +1.3378642559385545,6.938593342090014,7.354392134424254 +8.476664679979732,2.375356720522589,15.904286469146655 +1.5060059433726392,0.08617257133752054,4.296042882892752 +0.4725033885648511,7.6225134830351156,6.6405227893918 +9.871863320416939,0.448803224762766,17.022289744184942 +7.480709590798926,0.7186216584096006,13.480123236728872 +5.921328249036668,7.560752824282378,14.818300557264989 +3.5920439726773767,0.10934721110663737,7.14827548473201 +5.951893521254259,9.912446281400278,15.887909978472814 +2.5761742283849576,1.8949127718721581,6.83347847766317 +1.2392589275351495,5.552556199000561,6.634137736986094 +5.964450993602734,7.922708371704024,14.958039864295133 +7.530732736205097,8.925414947950872,17.769875600071153 +8.057726983423013,2.4726708307944447,15.372891887527842 +5.558774048757611,2.9741195909358,11.764998939027015 +3.2978537955150244,9.319443692299963,11.460597298983453 +6.818959050670736,9.745904132511058,17.096755313744698 +4.169125367187445,5.3743757335397655,10.838223449950174 +4.871154199164217,1.0728705752372691,9.77031410219287 +2.3670199452660334,5.276363606044821,8.304859845023477 +0.6737430513300624,9.314619293088892,7.823724003091016 +1.238436819433708,1.979807464169071,4.961829571958138 +7.653212239386366,0.9693454178931371,14.06022922509675 +9.002780996154094,7.257009707225356,19.13867146276327 +0.686208571088589,6.918470612856529,6.590092560448558 +6.316285421713178,7.573494327399186,15.296737191393188 +8.281978524893358,7.183505631731551,18.209469648018267 +5.86176295270972,3.224633185817777,12.313150905180276 +6.972736618299291,9.569715846307794,17.311223687522222 +5.8752178052887425,6.643448684342539,14.008121787839457 +4.371280421998007,7.561208097430744,12.40535955772566 +9.97667392338636,1.603893240677361,17.595046920438513 +2.024052795037623,5.394377586643895,7.611913702227564 +4.813753972616582,5.715697845067188,11.950217499785811 +0.4907404772427304,4.042764563304489,4.782706197622121 +5.8297826206556085,5.851913513049627,13.706083203231854 +6.573339617683736,7.202160290026638,15.706137471012378 +6.415472033408566,7.90243155389435,15.565294775614268 +6.247606346845917,5.375076625372045,14.136201803502443 +6.061964288878109,1.0119336675333235,11.615000273100492 +2.7315654072552,5.273997806581312,8.803236820170019 +8.729872154017071,6.79051556287993,18.504432360709618 +0.9040807847189758,5.9227495044440435,6.42745761652467 +2.2173798763709893,7.340165597887229,8.890885261941177 +8.274408525087471,5.934562725899734,17.134146823344302 +5.913626097517097,3.38591443210814,12.605136674537617 +4.462500211613094,8.641083538153454,12.833784352970437 +7.233203309671565,5.197536596958431,15.579747095966425 +3.6823238624837096,0.5037973828855435,7.720572580058664 +1.4300740132638512,1.9302518953937065,5.006413287316998 +3.7338354325867473,9.441436470762746,12.591523392124136 +5.051533948587487,2.348401632592311,10.749656737715597 +1.0575013746151407,3.3830552460296404,5.256769098908943 +8.157306355510569,3.833427934105079,16.227471039749396 +7.725058060224135,8.027049761268788,17.682658383240017 +1.1082076969870414,6.086597526267838,6.8195229771537065 +9.590960633711108,4.021380749035539,18.263833975080164 +0.5094408900302227,9.233026902578786,7.434285464508401 +8.836662815724829,5.221414472090018,17.8363828551915 +5.522531203440097,2.117411027761249,11.250399471285315 +8.194507555446373,4.986000383921264,16.789572809930405 +0.3387779514255651,6.830149564489978,5.742117489004156 +9.504962698027061,8.291504903457502,20.495489597472268 +2.771981402105398,0.5332508493334065,6.395529934970944 +9.403514125381806,9.370627248797014,20.742834716870913 +5.324153197128694,6.4231741167153515,13.184048987614707 +4.626000607108082,4.197653670987586,11.021076070361547 +1.1944843592870036,0.9675289836109602,4.389559213866314 +2.327321466761875,8.366407464065443,9.564614609895806 +1.4583230073567999,2.2669865191471072,5.282757151490316 +5.486140593222075,2.151312180782744,11.283211313225719 +1.632066847177871,5.633162416979623,7.158165576885127 +3.6809327099661546,6.261592858404692,10.668126838815104 +9.122053404086763,1.5099313143506765,16.36565843385989 +9.13433659813064,9.024899674229186,20.07352653387548 +8.290875833359028,6.312859173060852,17.645366077225663 +6.201466574655474,6.392126599365016,14.652990669632139 +6.904955512178131,0.16482200596157015,12.44468634698206 +9.580925791606496,5.856037614655798,19.28907894469532 +7.8146583940242165,3.7728183906136312,15.595949230272595 +0.12397213915795957,5.09734659876444,4.683036420513353 +5.07190119315929,4.369892883114518,11.909807973424781 +3.397170541620768,2.4982608780972204,8.35429122731464 +5.275448744971828,3.752781396934941,11.57169974369333 +9.699318830498086,1.7292730776693144,17.533510180043784 +3.1966556762708698,2.9396047092457103,8.360169360632744 +5.43309176235957,4.992802569741479,12.70619902747464 +6.437404654242731,9.500017705742078,16.13057514322744 +2.852210854938674,6.927715692549965,9.741879296414274 +0.25040203005183614,2.6238847273362453,3.776888206966257 +4.637197279965928,0.3099478848113446,9.14871980151605 +6.176694605536389,6.783106084017082,14.677110085404005 +7.467317148380467,5.165745048430122,15.873399515191299 +6.039446649786266,3.9606525127848724,13.05342706052456 +0.41253032506562537,0.9995185577451304,3.238917204947816 +6.5499592420146415,9.955552995857763,16.81889103911239 +0.1580323916329618,5.575834968263828,5.033184479216433 +7.510087528825578,8.267748280138786,17.48824680216596 +5.452049012226401,6.199159801841051,13.237794726130439 +6.967249452745534,8.589662496934306,16.63598121237398 +1.2228953720281865,9.261821962748634,8.465634175867178 +0.26017403551570006,8.361997509577753,6.630297260518212 +0.7674042655969726,1.9462821160492227,4.216783709708209 +0.03894146381132613,4.452567055360407,4.377785675563933 +3.3435922671739227,1.6599291148702733,7.838488140749929 +4.510901608039063,4.023708831721838,10.761069822375276 +7.676610326987415,8.931303060700325,17.92135542638182 +6.525672517670818,1.2441038872652388,12.435548325536885 +2.9539079470985063,9.133182968322798,10.833341004183842 +0.8873449300788916,4.068558393908265,5.3675725157190435 +9.425046192334813,9.506648414694856,21.175861564343432 +4.112031770488924,6.673968880987974,11.354645754988496 +4.56745598353999,7.5346053943634175,12.634170233254123 +0.3158133069299851,1.4415714892135845,3.232289284047999 +6.141988035435992,2.325522624430636,12.426389869652715 +6.660522992691486,3.5122292746129835,13.650234823303128 +8.866455581278213,8.192593855599865,19.44753897082418 +4.928378000687822,7.7289508709485775,13.203591780674726 +2.711378862350904,4.942597768118626,8.39560883150321 +1.9748205186327816,8.608861685209938,9.361857351387128 +8.230676165684148,9.021496684090012,18.92322407150938 +8.774769812242594,9.595962620594948,19.86347978306549 +2.2833623163192596,9.318242907953154,10.029785180741312 +5.712131913519976,4.224950839181521,12.622672048066583 +5.60373895967873,3.4260235665027783,11.954261758872258 +2.885530069609521,2.4131433797752875,7.611109768066586 +0.8242798945712682,4.965648971471874,5.799236168420693 +8.877616757138874,6.301519692743847,18.433924025583202 +5.209756327557735,4.2859291825091645,11.954786526431466 +4.6440162631719195,2.0927734757195093,10.02388092973995 +8.229358771930972,1.9838296328152805,15.360392160164842 +7.16622756727313,7.5998501149615265,16.41451348844677 +5.748690420277343,8.629263749548285,14.986511965112497 +2.9105035245065003,8.816172212428633,10.656290666869227 +7.2941045959930415,7.987498277617608,17.003043554143158 +6.645797095273141,8.463430169899693,16.09392271082938 +9.93098862717636,4.201628545246386,18.8672863385212 +8.139156837095703,7.445797595180336,17.928830197253944 +4.52870165712018,9.26948999732512,13.422746961921112 +3.944259295725947,5.654659162762376,10.754093189235432 +1.0594235699096155,2.2577519406626623,4.6287377519459065 +8.406961705337606,3.9655272282884733,16.61348794407344 +3.940840894152582,2.459810181906202,9.170865600211016 +4.9161033429745435,8.058169613506225,13.51981115176069 +8.951641177737397,0.7011443204418388,15.796537199010706 +5.748207312401155,4.672733678923345,12.898738592614441 +6.142818504715784,4.4727568690826915,13.31589997102693 +3.986448208534151,4.7188071242948935,10.186049783897884 +5.819991287564141,5.009832110317768,13.267200799598776 +4.721444510206462,8.178353099580807,13.250663202151998 +7.456479912378578,3.413784941811928,14.802590295019217 +8.005771175153205,8.536506690045002,18.302436467559122 +1.534922053741905,5.8268246173075875,7.198373521213462 +2.8531199359921375,7.3917232192672255,10.047368267178031 +2.3878532935868324,6.714035241730318,9.025405252422097 +2.551246560576339,5.111437634299431,8.155967393684204 +9.486464679161921,3.8130753845643452,18.239448180841375 +8.757384859632078,9.869445812038947,20.09601989177978 +8.748508488051632,1.6586602972334286,15.898957282630105 +8.196582195351631,0.3214939510056125,14.405273984792409 +3.9330188369930785,8.707333733178638,12.256369862496486 +6.8875221275991985,5.3274042733787805,14.944610449164932 +3.878640250826205,8.12296946470286,11.785744745118928 +7.095584039482209,4.684053196156733,14.914622891992044 +8.924843372096598,2.299480178186324,16.432988952206095 +1.7039150915862489,6.4280376433358155,7.90454830370327 +9.719943427017704,2.472565733067703,17.82178848858745 +2.496703789338265,1.3949884796218992,6.667834233013348 +8.605635552736322,2.263975404113341,16.077548668196986 +5.031785267248878,9.908724780022046,14.560931116295135 +0.12140900922043563,5.564860905107941,4.858383439688861 +5.122890427049458,8.074473764101548,13.699751628998069 +3.5528153955277695,4.103413588990415,9.388199018511948 +1.6793798059886367,7.408152316357866,8.15942100325034 +7.847089091881482,1.3666332077883026,14.407470139061761 +3.9345707398832177,8.92904995362683,12.408395869876161 +0.027072736757871585,2.9875907062263227,3.5783804380758584 +5.550422850525477,3.340938596599533,11.862409046532758 +2.720451891776694,4.600374849032126,8.409239352325429 +1.8152310810969374,5.296252409594838,7.426274344687387 +7.066959213132259,5.752949526285022,15.417885898826722 +0.931093308585309,8.444086141655733,7.549491653635009 +1.7497783748748819,7.648120006111286,8.492874479374395 +3.6056511077585043,7.827613480561023,11.064974666439683 +2.062729034053458,1.866621036954298,6.027612516608045 +4.970258462174822,0.32936014698360494,9.783510557215267 +2.252973387823334,7.240122521843483,8.73988541127052 +8.373834783054255,0.8078536393781044,15.04696648093765 +8.820777094381043,7.97517204053179,19.27319390661429 +8.696842957069654,6.984285545788399,18.393597125577845 +6.741530672939647,5.250932333448638,14.789811061896106 +6.52787224491315,9.191096645666052,16.48749867981251 +1.0052200141670842,3.157644778460912,4.96899069056159 +0.7245497359587183,9.448051719440384,7.740128029788264 +4.45265465999388,6.753444706761885,12.058315054435862 +8.411200645043214,9.910002480764886,19.669569222597143 +1.6178245779226574,7.995126057182286,8.370188055270635 +8.874228981367363,0.4887537685087562,15.551511283001497 +7.540905601855734,3.5472532119655034,15.018495630989323 +6.48596791470432,5.140481960388648,14.301648615105146 +2.5974225208663695,1.3522136200398605,6.6769084127672516 +1.169472330892083,1.033228577084917,4.281412468617524 +6.377900401345777,3.5141085139953807,13.288158939557315 +2.166334382058724,6.91885092705903,8.70565136694075 +6.868495657664669,5.391682923569977,14.918522392401199 +9.349578168658509,3.854142314414213,17.851999203115284 +8.35862971269293,0.7513940793219631,15.033983411633795 +7.398310940385045,9.8844741383193,18.203474440636622 +8.465982162878168,5.796647193100593,17.41814570283637 +6.267660643271606,3.532895494369468,13.226151661545352 +6.794852182581039,7.703953831813271,16.130148536927262 +9.98228481117854,4.92462917000433,19.314573288575076 +0.6130406577344227,5.958579507309852,5.85167522581237 +1.190241499821686,2.4476504355611004,4.951482841674192 +3.2877991130573725,7.310298731484107,10.776942711369644 +1.8380812387850054,1.6575294684235253,5.751131614027534 +0.44964242498827467,8.732399363538809,6.948545637954878 +6.935054243560606,0.3994646561762649,12.456388882324637 +0.2829230563811458,5.58674296475056,5.295053763123593 +2.8253440128671103,5.967263504319288,9.276042523473377 +4.346041756809653,9.233125623102547,13.260024796885016 +2.878090149613679,6.7914536843889355,9.606954609430328 +0.5405431161859919,9.558605341889253,7.662471447271844 +9.807574679083523,7.390746290164124,20.333559241576843 +4.652124715635732,2.1999343932726134,10.140470619790573 +8.125163402479647,7.363540971470223,17.865803656087287 +2.2195403956094903,4.512152941572657,7.775448864497451 +4.62798937816785,8.26410549972709,13.118776186665327 +6.8384468433407655,6.431675435400551,15.442108551371177 +6.498274225632784,2.704700793824789,13.113555076097668 +3.71711259829534,0.4566228543670614,7.793928478937399 +7.869411358121238,4.329982151698139,15.853664479297393 +4.382383570875735,2.453562649336267,9.992845896414133 +2.094272814594289,5.878219295690292,8.240390841996971 +2.325530152036758,0.6420885156546441,5.791709139478419 +7.675074159808983,3.7646943440636593,15.464946484940121 +3.8023558389930443,4.313182815157913,10.065268100232718 +8.150448234080939,3.2083689593981712,15.953546462758966 +7.58036211257836,9.395448407795433,18.037528231990535 +6.608681959247994,4.316810811770246,14.062632622787266 +7.477897231466647,4.578973697513855,15.334579251232839 +4.144272711081408,5.2528316357268325,10.920302068806684 +3.177223348092938,1.042502162800012,7.411370626946674 +4.148520055261652,1.2385688112930193,8.967035105157992 +4.104414735554467,5.569337212134503,11.01139473621849 +9.307111812056467,0.3622233104530359,16.177014034627277 +6.214584065019442,4.577351866500773,13.51077080571327 +0.20261128204139167,2.4954817593872036,3.583628756997974 +1.1848525235480156,2.1679414573144475,4.798083314762536 +2.745702434609182,4.013063353821963,8.177603271573476 +5.290393934888903,0.009899939263861013,9.86415425267966 +1.618693606287408,0.9356638560880071,4.947753940371107 +5.496733992627437,3.290748704012698,12.022787682272686 +5.483977360347181,2.2182330217467783,11.372797717134446 +0.24229354087584865,9.413669012702467,7.103120691697571 +1.0830812118899402,1.2685874796171681,4.350218247326417 +1.465468265101405,9.812765239932727,9.281618483000862 +6.176602401699961,6.102899517038506,14.305624950644821 +9.866982015185297,0.8843876927465477,17.294769070022838 +9.74500892542289,2.040131465540409,17.788702378806402 +6.230715035620355,4.200835653027917,13.513419265584425 +3.839518134771782,9.312433284794626,12.215256116438107 +1.4922772844025645,9.970690110762435,9.152199127378424 +3.791250610915485,6.4877490388855446,11.005854645861044 +9.6790673148336,0.5760105037897478,16.766588958582123 +9.228643629251906,5.678113853543433,18.826057838285394 +7.043968789774523,1.4918418388634835,13.497666505457579 +5.333874308310323,6.735137147252437,13.309355519483319 +4.562473073876818,1.5498517810605672,9.515385234303839 +2.441190750855766,8.543927909934986,9.897631846316537 +0.3447099283276278,7.088620784408124,6.019483559508692 +9.993900365145269,0.07482996106766615,17.181874357039575 +1.6104568281993992,6.741443008931345,7.682873304936685 +0.5999083458534826,5.897899838558589,5.923055458587003 +6.840001035610561,5.881463481140702,15.33951708802091 +3.6518470302106723,6.97282295986639,11.046104068244155 +5.942944280138205,2.076371720939197,11.996247807781765 +5.6313554358510975,8.819072171389275,14.840348120699959 +6.6683328569045,4.717915073938471,14.546354485512147 +3.215841028694512,0.8588620943757286,7.228667024392496 +2.4462713275902868,0.11186753086876888,5.820169188567067 +9.866259175249644,2.2248225212873995,17.89592650341216 +8.148759426853726,1.686448818049786,14.882193240998586 +2.836011496055739,4.182773192283667,8.318439569143123 +3.244056641416051,7.983508127598611,10.84221064295916 +9.576934080154231,8.752944836508485,20.727534023527966 +1.5357786694775655,7.766886763492903,8.12108037776122 +1.4794691330471144,9.133811065621014,8.84868626756921 +5.178785756685784,3.3638108805670672,11.523793023546514 +1.570254973341928,0.11809088179004612,4.383846009956415 +2.4794699166088474,9.14020063281312,10.257883639489917 +7.972621922722275,9.697937077507195,18.702832596574922 +1.0076152112137304,5.921787435056695,6.497752767802634 +2.571504740307766,5.429417057724074,8.709757578843467 +3.2045488556345516,2.8346555024335753,8.362012747893601 +5.738453020245975,1.833181618695403,11.464355427543495 +4.691334369721169,6.508122650440348,12.490182056504638 +1.2818207318280406,9.30594270876904,8.539485312037524 +5.057246994541248,8.195279718843423,13.581916381386613 +6.539054306210633,7.100009412225456,15.222401534366877 +7.16130940992838,8.750998970614726,17.009836822881496 +6.136054350469241,2.782171517213896,12.628542265956376 +0.9950964286545716,6.062506194501415,6.498151327755799 +0.6635280377058106,2.412934516895302,4.138558527713241 +0.6070718460191171,5.488875890065671,5.57030620802957 +1.6033812494286803,6.104073194334733,7.34849672563498 +7.908651308632676,8.218807207718623,17.88339368634569 +3.0954350813762743,5.48954532694496,9.489464652722205 +5.63010760086359,4.728871821541666,12.989930963613538 +6.551138914247648,2.1008712382353356,13.06366001747108 +9.792432395867943,0.9807982709093244,17.247756422076016 +8.292211412031191,5.940959869511878,17.35956944948366 +2.448547471937159,7.456750006602998,9.334414862512357 +0.8448089567707195,7.744178344487831,7.214916590118506 +5.899852222430136,1.107503183964016,11.378894105401441 +0.7950556309237022,7.508363334364625,6.987956768161331 +2.929359065038372,8.893018507672135,11.03359164996374 +7.62073021030176,6.981902447177161,16.94372939689678 +2.7860605263345093,7.089445190216179,9.951598529714499 +9.48147684514834,0.9155983437056892,16.567326957909888 +3.26162642003566,2.3467226546159417,8.110543198065038 +3.932501344006667,7.423326548539464,11.641788942335737 +4.742425814253865,5.707306061202463,11.868883624849927 +3.1415488807834233,1.4128926708710055,7.498935211167357 +2.6693364893772853,8.59680301241987,10.45548723972765 +6.024169621534105,3.7798867319723373,13.146464780010433 +7.899059817355876,0.6445743245490876,14.212005874030384 +2.538910879223857,2.3010315405733928,6.768871406921064 +9.85364562168222,7.060985823927602,20.35866032008659 +6.177859363885542,0.049849652944728984,11.365909830450052 +1.8431000208985737,6.355412929730782,7.9188378964522865 +3.7971932648166575,9.242803836790609,12.338703743163634 +7.647242191417579,4.4738407280412,15.65944101869208 +7.495149775382704,9.754043238262216,18.10637672141613 +4.609808247014707,6.425258878885334,12.229090508495988 +9.186646150612951,2.4867466203617328,17.162244910120457 +8.865579136662783,0.9754470677298266,15.659021346665664 +6.4844817058764646,7.828381550557843,15.589781095650487 +6.146062192524261,4.95534804152543,13.537921860364749 +6.17347099925686,1.5166370877944457,12.202357468664335 +2.1557071033021833,2.6989934395634196,6.670135326683896 +5.977793406300381,4.419010737450705,12.976095138184006 +2.4447584248583953,8.8280933214458,10.074730821764547 +3.739218402932234,4.460317192298912,9.810640293332789 +4.097010765489946,1.8194295527675264,8.979637030198932 +7.316270154302334,4.484582622688579,15.32032427450143 +0.16257109892718447,9.640137023597969,7.165263844437135 +8.157636115954137,7.235593540918033,17.88119610535839 +8.69091870518529,9.068072536055503,19.506249081653706 +3.3748970638443865,6.109586784166986,10.05381418492341 +6.088078092055942,2.67299668810597,12.473008157207087 +2.219522514470672,1.1390725481902209,5.853106410061156 +6.593141959164528,7.809189910307799,15.793725748488987 +7.6095297951700385,3.1627537718497436,15.051479688298292 +2.052598504652022,4.536141784546219,7.193615802927782 +5.468134602405106,9.190871279685558,14.721819115031899 +8.748231542740541,9.160583313018277,19.699269674538076 +8.502623851359797,9.645812044363112,19.733376288943617 +4.654999971690574,0.4747349743309437,9.304400799702059 +0.8356203214847824,3.9027614177234318,5.204452788530502 +2.576870912729973,1.6994059136106732,6.755240196611789 +9.532037745086486,1.9541958841062246,17.26500417291132 +9.59379272315231,7.6083884032120705,20.302605663719433 +6.409456721252234,6.760189600893783,15.037655197464705 +3.31474323659124,6.464270380582821,10.332130069616596 +1.866921182812653,9.377054325359795,9.3533750686584 +3.017933399605935,2.5518651229354217,7.7222136068675 +7.1116279819415755,6.564487180661819,15.977142696906817 +4.512989183433053,6.324462346907863,11.981066067470394 +1.5949307176085614,6.733283074019551,7.999071458423121 +2.7061069519519387,2.728359766764573,7.242565647741737 +1.6217993494378458,3.323771350361646,6.09127717410121 +3.312510603113281,4.541790117022693,9.231868764264796 +1.904195046663495,1.9300753615876631,5.845114112031115 +5.417385716632284,1.2887740467047515,10.943791660429653 +6.8889700798883515,9.439471258625966,17.14081831057936 +4.267956216643782,9.011053131506767,12.74705945856582 +0.9831659112586444,0.4295762737564457,3.8429129484938773 +7.213688775138399,7.610215729814965,16.776227330056166 +8.430582409657513,0.5681767839998142,14.956269463206064 +7.769070549568305,3.7653873279658177,15.37452296354755 +3.033376326821986,1.7302392134329692,7.4000221993841 +9.96015755102527,0.6366358931886362,17.305427071923233 +8.270080146079994,6.394944354905276,17.702247497913042 +7.350804442618672,7.117171199217964,16.407747484412102 +8.584344850731826,1.837920698561083,15.718567170611514 +0.008246168346853766,5.985284890432662,5.114813338880748 +3.5385863932333397,1.2378733111713769,8.076992752503454 +1.8613875410423886,3.317493124592229,6.4938806171260115 +0.7023337088670323,0.5691320212845086,3.4529177953048302 +9.160262548324441,3.121027493536962,17.346435696355776 +9.822306974735849,9.643670083303999,21.651603979567167 +1.425712823271138,7.149243028961909,7.727702976900908 +6.0080488912706915,6.906470731051536,14.513303556753627 +0.9619100001447478,1.8856007863455804,4.2634875340516 +0.766386614508815,6.0413420521707115,6.242464674445835 +9.86591075849091,6.719845376579414,20.03355354123755 +7.107615350219296,9.84585041543281,17.656449839643404 +6.7801155417179615,0.4018157262847033,12.32718287202113 +8.670056008565975,3.6467829037879627,16.865474295139332 +0.043636215147153656,5.072341775608206,4.506345538464135 +9.370150008762636,2.573306871949832,17.291517630378173 +4.915131730528399,1.7377688778239075,10.278379126642598 +0.576926716664401,0.8054494671311319,3.3435479718872685 +7.270109059613555,8.64074470742149,17.334915060846974 +1.432988392524911,2.883185678104687,5.47606806145572 +1.9502946764482731,0.2685577692642793,4.909607617335742 +5.534313698869836,6.9992217013764755,13.703550765802344 +6.478774808850705,3.8805354730224764,13.551869127517772 +5.550102459399053,0.9409930663622468,10.952333115147592 +1.5430371872268445,9.317946195529833,9.10754968830321 +7.615077478198968,9.227390958251673,17.93665002310586 +9.166802844993672,6.4939261710774066,19.168198261637563 +9.282386481121652,4.167041030824632,18.135150101446378 +0.03616244784940936,0.6257111584615938,2.204138965203472 +1.094873257008152,0.9535345318286026,4.016053918421821 +3.5170239085026345,7.012708071093576,10.6159639130714 +7.9064880660049495,5.902132743446247,16.802140306190175 +1.4643617455697955,7.479016021481753,7.93779184150126 +3.5480191913759898,0.12993348671796245,7.38854951513298 +2.8058862053274938,3.306005541409779,7.6591593393617385 +2.742455352181029,8.118701531875857,10.03030990079591 +7.599263975940903,6.955520304126415,16.902671603557078 +1.390050785122653,8.07833909706282,8.186467974830402 +6.771759616633237,1.9483768648139188,12.92984672773382 +6.480939302815164,4.835116410036811,14.010853957457874 +4.393500618562251,1.1212316347238882,9.25310805919728 +5.183042758451654,0.9993180897236364,10.151787860815485 +1.6425338725426664,1.325463142747627,5.1250624636074225 +9.541082790700075,2.8486469044389007,17.60399330016235 +3.5520432359600775,3.220806062960361,9.021616080806295 +8.982504451781438,5.629659113348885,18.086887978301256 +9.191598989333118,2.9992490582789557,17.256577112560365 +1.1483467443194895,5.562184527241746,6.597643022917942 +3.455369917900175,8.019068334907484,11.253591904801556 +8.794234089116586,4.725735109070718,17.5078074511494 +9.713590240855083,5.530130063444059,19.26558217872877 +2.7092039338631246,4.889755153442746,8.48539382504117 +0.37310292402927603,8.040011602630676,6.450725079079898 +1.0143505085442095,3.0874848850300496,5.055267464014731 +5.653165470049434,0.4297512564689887,10.686336236837652 +0.7931689918144824,6.9611635761301285,6.62854035014295 +0.7177709306076874,4.770828662473765,5.562105488595204 +3.386956334207504,2.2807940795641644,8.11378317870882 +1.8877889786366542,7.634112937325794,8.478301194892195 +9.515421931502825,1.4017974220333174,16.921499670955047 +9.59681219174127,5.947625034751037,19.38143056918259 +6.416604053632571,7.099263781425819,15.163865145487119 +7.04118890354581,8.198111081856883,16.64572269465269 +4.834686513476974,5.333585875147011,11.806186256487411 +3.2382700246341587,1.0525759378311705,7.285439007612314 +6.646401909262191,0.3360996918625092,12.088818091734495 +2.7563505108336828,0.9422986444610026,6.548955355880721 +1.9072715732271805,6.387309128973808,8.164370480876409 +6.2847663020491815,4.210549129957121,13.558815603400662 +0.9017197648949116,4.333739164594084,5.4661928803809765 +3.527448718582934,7.204591528559497,11.002970147917774 +5.790266081990517,4.9156576733699895,13.187855818527254 +4.869820823049952,9.66296887260419,14.000461310557503 +7.5629422170345055,4.969795604601278,15.50514384606456 +4.7922261288897765,0.2647910130496345,9.188111241266357 +9.425092633198066,3.1917397176732965,17.79300227047326 +2.5593908188074375,9.994089253876714,10.925279360607725 +7.186896715045244,0.4736377329928798,12.851140877594837 +0.6188547702557645,0.2550156396019787,3.1216543967616905 +5.996188995128691,0.7156450006195181,11.414179977418826 +9.333883568449306,9.369065400226779,20.824862229339296 +5.460540667480798,6.166389313959508,13.36904507280183 +2.918944015252498,0.6397254240827333,6.833466981720355 +7.374604451918155,1.0178598874901745,13.61967321278346 +0.8555764101839314,3.1122310920422382,4.8849723502770575 +0.1246565983788206,4.34035615756316,4.323434517623713 +7.076809100800768,8.01348931421939,16.70398394464925 +6.043073037989213,8.468742031139126,15.165739900498314 +4.0650220376711035,8.487720850604767,12.327525738932547 +5.064733104983793,2.230361279982953,10.766268651299633 +9.44145646660466,2.749708738371165,17.677860555218828 +0.2620148418779311,2.4267404295502693,3.5585986598432724 +3.6668756125742776,3.513496832892641,9.353719940541437 +5.246675094435717,8.831268820359234,14.265929192063444 +2.9233822710969912,5.207706079591689,9.087632340075388 +3.4013895368847935,8.217730593732004,11.130814391619516 +1.5760151328847838,1.035102683100585,4.954171198011779 +5.029952532376018,6.718875857654919,12.894832950294186 +7.955252010907666,5.896248529053164,16.762492162281976 +7.738497613190006,3.927100585609238,15.55596695121211 +0.32867670266468973,1.1609930790155654,3.205682715606825 +0.3872260122899618,3.2894365047649265,4.123636778852483 +4.954913412686823,3.563174836569394,11.065525793527211 +5.605994750663922,4.806091484927877,12.851912120786364 +6.779428018639403,6.669621635634062,15.336173035548297 +3.180641471086795,3.462144553610915,8.658369979525414 +5.8514782164130335,5.964324678908418,13.91319570056354 +3.146999136371331,3.303178857754252,8.475916166205767 +6.940450131861471,6.474108228760695,15.646606113300212 +1.350508046797747,4.410418796753934,6.3974376353527305 +8.927060787105903,0.36305676104475215,15.706664308446614 +8.551639464842136,1.6317815706414363,15.590078097940042 +5.072486324617159,4.243364289230115,11.874295234241712 +0.10129337341458822,9.15396937089632,6.637757395417621 +4.549252273343056,9.54268276760615,13.575516500537889 +2.8674390097921787,8.662757734159724,10.453190985359363 +9.223895739956305,5.568324163707806,18.63459806823641 +2.026777878677175,6.8524743210572,8.436953128884184 +5.489780665294601,9.445296658526258,14.91209933301328 +4.392720618104918,2.68513647639822,9.915083749793943 +1.382870014941071,6.986335686866795,7.509518340954469 +9.741096189805823,0.28343770571398474,16.757530551792883 +7.404453547781268,9.269303625596667,17.869689043626845 +0.7478153422734934,1.1017004510613315,3.566387957047126 +6.919570984497087,6.479633758957883,15.705426097508308 +0.688274153162457,8.344227521511565,7.226049211874878 +5.2342384784489235,9.071973733366125,14.424757227684314 +8.779908809927043,8.125077690501657,19.229331173875927 +5.158988962444213,2.5171064174943227,10.925296641711615 +5.059755039111326,1.0081137780178007,10.138175817417439 +6.588461484734261,1.3397721922900763,12.604462252988784 +5.11172962500723,0.5438197416681778,9.859457374023638 +2.9951249027464586,2.3208046066978785,7.519238202597377 +6.2003154271167045,7.867867120225087,15.242937496805173 +0.5730295454052614,8.502836851553843,7.186434828280349 +8.607676949546045,3.422690742880228,16.723369800773433 +6.590040659703221,4.026130317034495,14.018458470404783 +1.541908821896315,5.286624185631103,6.993314409072122 +0.8635967450159665,8.784721553959878,7.661434626521033 +9.242897594096085,8.216131370114036,19.97219662705446 +5.625281207559786,5.575985911254549,13.10159708946739 +9.846073766009297,2.479016898311829,17.940354553126124 +0.7594836590520748,5.619409236011777,5.943605542998526 +3.287855978101033,3.2233877280804424,8.516813939798572 +0.07085354169948044,5.96239409547933,5.096678289627376 +2.6403370227561407,1.87858548192681,6.762314550931216 +0.40431931393003717,3.643615764756113,4.31313992310072 +8.789688723864574,3.3667080759737233,16.945446493050472 +6.790742101195937,7.565469634019073,15.885513501452573 +3.2810080919019957,8.216407350120413,10.962097610776153 +6.918796596669491,5.592422287009516,15.183909611172334 +0.009924640506289162,0.3509076592280813,2.097222069224053 +9.908658441060634,7.822839235035594,20.885040271866824 +9.375652587729471,9.023032049180275,20.449311893531945 +0.20442983142750837,7.918472897910739,6.266033595005155 +4.5114574401115455,7.895582040006557,12.6401186771711 +0.06715784163385141,2.8819930120056423,3.5573520180007354 +7.513237757913021,7.930207886015897,17.18521414350508 +6.19714601214624,3.0125618944626376,12.79963477893557 +3.103625912878629,9.667639636420326,11.611386779108692 +4.392121792342046,4.47125550243837,10.75506579495745 +5.523327502406995,4.095023368643887,12.262925899673741 +5.526715645974142,4.323354227675579,12.420160493693405 +8.267149196021867,9.090510197982839,19.093380831102586 +9.321102598153617,5.6429620582938655,18.79416065809812 +4.4214855746449535,7.052400587918379,12.281848916866219 +8.383235912959066,5.629822420663771,17.37207393751232 +6.999810218222613,7.49729350721248,16.36732578326887 +6.763937767172868,7.461335557293095,15.917313584938686 +2.086453325559984,4.9837454702179755,7.677009367769724 +5.8826855460508725,0.024779308570230807,10.692841158512508 +8.55962508813682,6.100245084449121,17.73114542538803 +1.2913633169820327,8.163570725758271,8.125850489555004 +7.170569664405447,7.58299543463637,16.653129355327884 +3.9204246186185623,8.542025066949922,12.393794985196198 +4.140275821323622,5.705091529455913,10.914364195565769 +0.006423036998737253,6.448731146778623,5.28258007077143 +7.181757921279367,5.671093654887923,15.505801612194508 +4.965588170436161,8.099364737117083,13.424004511529613 +6.813727171652419,2.78074039720023,13.560736339335598 +9.590733380799858,7.072671941953407,19.96067154626863 +9.879389289124246,9.712613162688683,21.60898790772168 +9.189097228100898,7.553715412253076,19.563869167484928 +6.094293684969674,1.7217066368292422,12.085497269618756 +5.433514174237577,7.653765223943273,14.08995120499874 +5.208571587055678,8.682391284056578,14.223311954556468 +1.0965589919169827,3.809403480486341,5.594727036273233 +5.059644185936572,4.32325295869108,11.736929390316702 +1.0858654782155308,1.5352829404463053,4.339546498251941 +8.37617292855487,4.84384259201451,17.04008184193946 +0.48722426752727643,0.16491258977649914,2.7082017905434164 +4.734754019943265,1.643787259244437,9.935937531781597 +7.0512594599922185,7.9532346252775135,16.44593877274921 +2.282967084571056,5.921769448817807,8.381207532596305 +1.54444643485386,3.03582651594387,5.729211884603546 +8.887954941814334,5.440980914823108,18.01236651631306 +8.858886951442,2.2524780417950696,16.346974146661918 +3.3002434324866603,4.709521384568171,9.22547003807673 +4.800800751945429,9.976479671837005,14.180705262028871 +1.1444531897113008,8.519650356015907,7.734124812320298 +8.636820394218702,5.531986315377874,17.54097586935721 +3.440371682591538,5.192261042882961,9.837059309227948 +2.924677048065638,7.9910744843993955,10.39730069354905 +4.982791587103302,9.258421788774506,14.031061614028216 +6.226913443560438,5.143193331146834,14.009357167221399 +7.1106935397765225,5.0393296443023425,15.121787384820422 +9.045063504194472,1.8444596088684129,16.4318557291767 +9.733486837459056,8.12190551851192,20.582844487934608 +8.607333618648696,4.8290783237107116,17.516201466900863 +8.372015493375974,3.0677408357720513,16.1154038314072 +7.619481785641752,1.4045015838902264,14.151044557825958 +3.070519159625087,4.4573266335973285,8.881082154798404 +3.2231971814342186,3.8701711562418364,8.584610401160786 +8.20104744783698,2.566758921421676,15.525549785640774 +7.452811721545722,0.7371206911165185,13.5932766140311 +7.657391075150608,7.92023242829773,17.445791978470982 +4.01698775502482,7.224778231674705,11.858412618406705 +9.151384037450992,8.007129735545268,19.677121766442827 +3.904465103969599,4.842135142800644,10.37208353204577 +7.793575447858054,2.9259458984912357,15.233936550073778 +8.038827403088735,3.280711425609412,15.712878907554204 +8.059905823855381,0.8680044335072334,14.556301296730785 +0.44397296910590134,9.976754473698223,7.625316650580285 +8.69457123234689,8.82847503466204,19.258777526274095 +9.512799476066174,4.383163094144878,18.49569912134936 +2.868355546801522,1.30024995017903,6.9955011332665675 +5.012091335384645,2.200483204766078,10.676943165878297 +9.355508567393198,0.04003162442779096,16.059588296280385 +1.4319673774312158,2.464758530834268,5.477370439406521 +1.9895671159319506,2.257784365797103,6.026643856950155 +6.5604760506117845,3.2751207831314924,13.625113228314106 +6.150243819033733,8.902579336462912,15.577863889192045 +6.025567655257021,6.945327912863815,14.50023151978554 +3.655032982213573,1.5973846762270916,8.34932918680308 +3.205840624499061,9.64282648704108,11.578678870790952 +6.218113844531371,2.775111194340152,12.78962687442461 +4.509152671621038,8.355130374309944,12.907015650529596 +6.684435707057736,5.606528407291682,14.841731066904815 +8.851628766338411,6.724395722167903,18.62152815509391 +6.427297307910954,1.8976813721076813,12.53210505539073 +1.0638868301240778,9.65142117057399,8.646648344781452 +5.988583701003527,4.156834091464291,12.977317837044925 +5.890208209102176,0.6181196107171538,10.915760905457356 +8.221272739041067,2.1664553556433597,15.334773160479438 +8.04546006317947,5.343784432636106,16.753211899944976 +2.7657201365690276,0.3020994824207046,6.261944635975861 +8.158333553266058,1.7646014146930666,15.221658603098458 +0.5180511563987344,7.558777308258808,6.654683768745012 +3.500432223729788,3.8933400559165,9.165479251869197 +2.47067587280719,8.59178478696897,9.833683411413832 +2.9732952610653207,2.1019256975102385,7.382590836927663 +3.092497263361561,2.03149575167397,7.651273532811819 +3.1765522080520747,0.8293622286817304,7.023058468276417 +1.5853002911945835,4.1705288339614786,6.4264360353943575 +8.794668555898763,0.5729074672228585,15.620586846136543 +2.1267470676003066,9.083456755415963,9.766132293257018 +8.900146741599217,6.7945083329594125,18.75204107194169 +2.4047355409523794,4.198105610557858,7.60207885478724 +2.1122099443796505,1.2858850912520325,5.829431228124264 +3.799983945138915,5.758216050703502,10.553231529742494 +3.599326754648052,6.108245504659697,10.476976557166902 +2.9625473537930547,3.4585052776079026,8.245783452268697 +7.906735916446096,8.783147308938581,18.341489894977205 +3.2203408153105206,5.715158013452762,9.700979290837694 +2.7816228389226803,0.5333464170742752,6.490299759818345 +7.37857181360408,1.7100348323615033,13.871677070663559 +4.257125237469172,4.870454933791568,10.934172248886037 +1.8447158417910592,0.9455535066339626,5.151138139119512 +3.4801301467107058,9.522859075503185,11.960877922900163 +6.151355899884214,3.8141022840290253,13.25774676324086 +0.38910820774214927,6.002732813910818,5.536862476204557 +0.9225764093537259,5.4254407104752636,5.962506402520573 +7.519505082717429,4.235853482947864,15.35610934067961 +2.994114948165244,0.473842338175986,6.867267019207115 +0.24777875161596796,4.300265696455212,4.294727349583859 +8.833452707029679,2.440627787931904,16.480732272413956 +5.740555057818213,6.843058196797617,13.968961332386122 +0.6082986750136143,1.531003758033771,3.6611864813730834 +3.3127679341956706,6.7009317414857055,10.284763370364187 +4.390351122280968,7.341950682182453,12.352550349684618 +8.675978655731925,7.583722765985429,18.811210171970604 +9.922472073132491,7.543610687316496,20.75656693012219 +8.521791950074505,8.32366358465001,19.072932864571293 +7.302657622800465,8.018018166558905,16.965985218039286 +9.346832278674102,4.752073785262926,18.360335526412666 +6.3828702391254355,5.149397215727727,14.18672235641918 +8.51036987192073,4.313596028715073,16.979371517527056 +8.19726771144733,7.993545750571388,18.177345366417573 +9.618861013685905,2.4892069925741875,17.69650139766037 +7.0961950988591225,7.569194976474862,16.403534173983914 +9.362784928046658,9.06902418055531,20.536654635943613 +5.735258617084483,5.791531858639798,13.42955935718119 +1.6729122840422939,9.74962702423771,9.321609922622313 +2.5501746270342682,7.247362184512921,9.57450711792894 +7.957950048053125,4.41215504611381,16.10660334217955 +2.11193720029058,1.8896038421968675,6.227083572391235 +8.564960009015918,5.107564867485149,17.414325105420133 +0.901369820382667,7.170194727628887,6.82388063213196 +2.501710528050296,8.763947507508792,10.153616352463398 +3.095717860299753,2.002708300901431,7.526138984939362 +0.8485844355493433,5.115311366376475,5.891246899791618 +4.507375878182874,7.513121446031429,12.496847205095793 +4.646025871930364,3.4381596892437107,10.773636836627057 +2.616549156329441,2.781467454699711,7.458912046843972 +9.278479018278139,1.6507860208781233,16.569577024579335 +9.881764245571501,3.2691945519222476,18.4111290872333 +0.8839023541749746,2.48690380787865,4.448359435067822 +0.584143795546187,7.9002976916391585,7.042190660869483 +5.125529125411054,3.3698661886680092,11.329195543041617 +6.620496046315624,6.306465259503202,14.952465473863734 +9.398720892275902,9.612605167483796,21.128417785204093 +6.806837756654053,8.178159272441686,16.226728987203966 +7.9242510033517854,4.9130353269989975,16.180708102041294 +7.044582880334169,0.7825900768357019,12.842329435126306 +7.580210831503069,9.618330071923676,18.19380040180733 +0.8497475312573843,8.361157845918544,7.45977496271844 +9.329800266492713,2.261888898020621,17.04204458897282 +5.248111876092038,9.278582254629885,14.46295416581782 +9.602260045229679,1.2788238435231636,17.048110092167853 +3.4900422555545063,6.981446411508566,10.85817786095286 +2.215584993859303,3.2477062863448083,6.980558528008508 +0.23291060004693276,1.535216809311989,3.06065771940039 +5.623294944177438,6.530900663041828,13.677550238757332 +6.48911831095837,7.783604707782167,15.70245081343236 +4.152814137387915,2.734907162411555,9.764681475976104 +0.15580700042524986,2.066298260523869,3.156398769816027 +3.123878122020373,1.7820685648046553,7.688262419609686 +0.20144471496602256,1.5744760866519159,3.0581272820332583 +6.660995535675723,6.295854164725958,14.97699770277247 +9.356836393980425,7.981682913973093,19.843872576511114 +5.677561168411912,1.3755634749321133,11.337540952713745 +5.640718189251569,0.6159506091418077,10.914388322618853 +4.308848974108528,3.9025862894719543,10.357658354168722 +4.278138093629416,2.798259183947872,9.795122267519952 +6.858304476238237,8.409444672987794,16.313943155404978 +7.685169925989776,6.277520957908803,16.742719462510742 +5.383447993330133,0.3108418000803037,10.22775484168499 +7.2293399869192125,5.449829395784974,15.413696953414444 +2.707410506638869,3.2784203885344168,7.720800030000658 +9.356067864697414,6.24362245117227,19.016969447026018 +4.759124346575283,6.2092173970840765,12.2990448864122 +4.13742324985657,4.701822732030162,10.448765613494839 +2.903092567076704,4.398533005916445,8.587612270413063 +6.8559223243791045,0.3994192508646921,12.418289864622292 +7.950274072961548,2.829795408613128,15.103738894470412 +6.825597934324997,6.4272531468006004,15.551639605481292 +6.526280491413053,6.081289162558029,14.935158757309605 +9.591018380695349,5.083441626953908,18.876070047845335 +7.3231911551535145,7.054493312345777,16.539475893443388 +2.3626757727833034,2.8330583918682564,7.0043606502570945 +4.240170981569679,2.7769793046320923,9.795795069883889 +3.6674309892995973,3.9096061392830594,9.628509403544388 +6.0386456093834395,2.1989004273506163,12.199098441762489 +8.042918658766872,4.375363567715046,16.21629405925893 +7.062441116832469,0.8144248124081788,13.043665697816765 +4.699653941243669,0.2821953217732831,9.147583772014771 +6.7590999181556475,3.4371007699706957,13.750644862327098 +9.492528141058287,3.241242146014194,17.981387318620495 +5.638058980177268,2.573875756946147,11.797442397516486 +6.201126289473403,4.670423501332346,13.450739231530827 +3.706282615056329,2.036893490801799,8.509504121126891 +1.115213439714553,1.1987913395667327,4.34797992791407 +9.990400175055532,4.123107268572347,18.890771438312008 +0.01929707873339459,9.529287906260143,6.718296251979871 +0.1997992422981265,4.185861255545337,4.658780453033161 +7.174775859706559,9.145992443717617,17.30205162279814 +7.12886291432101,4.636257549000118,15.119692524789809 +9.744420389841034,0.3931938303327043,16.963274199753513 +9.86892202538008,8.493915517084389,20.959491053668305 +9.28930017126359,2.5477242409753664,17.234448906162765 +1.4245807228426977,6.6331527937270005,7.65932952330468 +5.1585943798612,5.231679607443795,12.399683847161157 +9.246191784832176,6.2008090665326225,19.2062440795737 +3.110638351045899,4.00066556417876,8.60260114697717 +1.3349583509185126,1.9231404027568932,5.143717435508469 +1.433500702095385,8.102913412113544,8.203375158030534 +7.048734679721188,5.303450176108519,15.192079100935242 +3.743678336275708,6.684942903243504,11.021993025190595 +8.12905347695761,8.81233215671709,18.588600447519486 +5.4701622820633355,8.198851218197008,14.296212155356553 +5.1130595341269505,4.745300891878909,12.09075900904265 +8.654318556221002,3.8637393626466396,16.732574111324176 +3.959126790407023,3.0491134528491615,9.383381293492867 +5.187017282946167,5.448500336894607,12.577040398915885 +6.604611453104569,4.305023101095705,14.158581772362297 +2.1783729188359935,8.668420624138758,9.637492461163369 +3.4600086723801438,9.229434198401748,11.832317162789657 +2.0735333302645573,5.600574762362305,7.950821588858155 +5.366150935294522,8.286478479269952,14.28824548449524 +1.3885138675082975,9.099371729174614,8.489833865463803 +5.314281721720702,5.861093839143664,12.851022103148203 +5.101662932977671,0.3602490683626647,9.825176025394965 +4.970906618065981,2.635496626769905,10.793687210054085 +3.4268818037783144,6.491015991871399,10.17486682646827 +4.976971294741059,0.9321821266746044,9.80580864851843 +0.7304127476175892,1.8565769561737033,4.022241551904175 +1.9088514657222366,6.083007569713649,8.006095055280197 +1.778144640455428,8.817194232747706,9.033910082434026 +2.097606606134131,0.9113144542638263,5.535378126927258 +8.75746016359647,2.9532757607673297,16.665694970465314 +4.2542262983373575,9.590263840124424,13.143664270374927 +9.443692191577739,7.149168892649178,19.828212580546545 +0.6893895173255471,5.933401254113974,5.978652327682822 +9.890779350422578,9.469162284239804,21.45922858181491 +1.0600249251994287,3.9596730309036863,5.7119335307232815 +3.155367459028393,1.2972810690490555,7.505417816345811 +6.947983112487609,2.7384836436023674,13.695668542772303 +3.448658031252978,0.9035887670141796,7.6643517902507226 +4.979675587786656,1.5816786365205648,10.227685762184617 +4.320904235794892,1.433422221033015,9.25997387688389 +9.538498899501457,1.449825331971426,16.945092170061933 +5.218871538506332,1.969798253189875,10.900390654599619 +0.7636180347260924,2.0230861884209816,4.276465294876353 +0.5477410739043609,1.3939738312098882,3.4238642525872494 +4.93484157763217,6.518155210575742,12.668109986407924 +0.8733981507178346,4.410186239042685,5.636786846069817 +5.8124702285335195,2.342256762110615,11.78969746403991 +3.720784115160254,0.7183486973360864,7.873467860276614 +2.201310802330949,4.667529259189401,7.701904633727374 +9.904421789253222,9.962650629391334,21.82188908556956 +9.796216811242878,4.230863863003275,18.652229671348763 +0.8068037841466502,3.235734372493335,4.796050901724093 +2.377143753709773,0.14126574909854583,5.81099255197822 +0.952336102883754,4.531919350490661,5.9007526635477445 +3.3966246380429697,1.8035372163448304,7.93299692406241 +7.160999706587471,3.5711559589661857,14.435747366306002 +8.518678557465444,2.4097716026311735,15.937102441827037 +5.383934900866247,1.8413921714918247,11.176788479168659 +4.95300616385842,1.524665089783862,10.276051160926325 +1.6157862437152193,6.122233770420157,7.631204764042075 +2.6378604217576673,1.723672265642473,6.918494941147557 +9.297682501350732,0.4300325074005107,16.029603587303846 +5.651481126958871,5.482638418332653,13.123656116642442 +2.506088744030598,4.527717451128178,7.9533745271613565 +0.8773778308263547,7.212701459238856,6.870220006765459 +2.2169714837682317,1.9338535982655591,6.224553325490167 +3.1487847827750306,9.02369920263142,11.178830288494314 +7.964666482835426,9.468922911337575,18.74551021292462 +6.5196234603308545,6.629215110320876,15.107622380515425 +4.80030999426217,9.051863233669755,13.848374416045173 +5.108771492703291,3.5506007079502466,11.463641424545752 +6.403750099176651,5.461394934009634,14.26869497015871 +1.2401981530989548,3.9272541391242957,5.84277049435906 +3.1332541109448,8.468337750111317,10.782918995159243 +3.7884255697310874,8.215552326388927,11.559230797077277 +4.423895939009456,7.5350056344561,12.467667942072516 +1.3528192851118992,9.246502196584624,8.754311031839578 +4.805598907989182,2.597982456263064,10.51460253222129 +2.4148960636480687,2.6507728857497193,6.908599977359311 +3.6672417291796764,7.1751953267561674,10.954273236544122 +9.496030429007936,6.6903743012363215,19.705925297140528 +5.4716627094410075,4.485978080171346,12.499736117379681 +8.281944670376165,8.496572024460699,18.70032037265929 +2.9303767443281856,9.534202486534301,11.162183981369903 +3.9511536320638205,8.000780691915278,11.880163722175213 +9.668198780822333,7.036581008556112,19.90926038638041 +1.6155072645119373,5.861369551739308,7.379216087972406 +1.1877712309557842,7.891420398689263,7.673514554538972 +2.8131517387388296,6.952148230600185,9.65340561917874 +9.10089674130199,1.810098506701724,16.728178941817525 +3.9285783860116674,6.471187880735663,11.123653780043842 +4.196585928095011,1.7481894162471523,8.923678051790198 +0.29071614168797,4.065981437019629,4.415519086700569 +6.492090265819204,5.739842081524886,14.507911264683198 +1.5624123976064241,4.506934438673866,6.5831638456920185 +3.6947104618125284,2.7420240229339985,8.770634464391895 +7.292712438603893,3.0965203002718433,14.530691970771052 +5.401419523330292,9.232235352696165,14.688640308630237 +5.392759822535824,6.1702291016056074,13.126683028567992 +0.732459861675514,1.781341437417363,4.0043223753593455 +1.0095119929811347,7.648129483558401,7.3306670464722385 +8.359210809168424,1.8645529319457765,15.457621676225774 +2.1927175092309104,3.232072894927829,6.882694042215308 +5.910776169538354,6.217961938000195,13.973113801647271 +6.867539585414576,9.051927562134626,16.861590766352045 +2.9504014049653815,6.587589892067757,9.74119408318082 +5.597228457776922,3.058372404125671,12.037716846582907 +9.074151865936734,0.954834119592175,16.033975901348814 +7.120010268320515,7.27873713022602,16.34319655700042 +9.153265276899615,5.185805923513536,18.56741108473585 +3.2162233821924593,8.277406698600204,10.958943059888052 +7.708102818323926,5.003156144194704,16.063514330311108 +7.6785737563381105,2.678756020772608,14.730900026722326 +5.895063304034679,8.651834547878755,15.097191181677386 +3.1798450461651253,4.835499824307432,9.176880870234509 +9.510448541728895,7.9821184197173665,20.31007738596657 +8.870390203305528,3.8524706089044636,17.2967369296772 +9.965052596345588,1.5256560468381297,17.743034315313356 +5.18770583216309,4.792733822962494,12.258335461114333 +7.984321908001345,9.086177725150119,18.41963742892852 +7.311393769080597,6.268162361303028,16.15006349781418 +4.274291908485037,5.103259170757342,10.964402751376635 +5.093003132248218,0.20368473684377664,9.753836619782527 +5.030458048276777,8.55970800174125,13.78930919308345 +7.092740111422482,7.957086221250048,16.522350243802787 +3.9048498976852097,5.289732369129581,10.380625734279343 +0.33483568997100477,3.8299794216934355,4.4493104258437866 +4.74416044892644,2.5520889959908164,10.442070338731977 +0.31240978990649815,6.904081087789521,5.907698201144141 +4.350877508488432,4.156781931122342,10.603225875858227 +2.4998675402850887,5.3783039899801715,8.366932232611553 +4.380267812707315,4.73984473029091,10.990630259380254 +5.80871348436382,0.06324647239735359,10.750756021477551 +9.076959035384226,0.7108739694508126,15.934314154547483 +4.509247473159945,2.073728752393814,9.887343925648262 +5.237823693698753,2.8023010879713786,11.322388028947227 +8.600064980626039,3.9635983396242027,16.728309746020923 +6.387555557684373,2.4887972814787895,12.830647025047158 +0.19406150494017504,4.041545356132761,4.216041300788436 +5.364864895582901,4.595471512617503,12.358985260186325 +9.6201436381886,7.068391738460283,19.649226712455132 +9.956698006253951,2.9506009031397196,18.430061868412952 +7.890532796071465,5.555584675466139,16.68478991392438 +6.117603544484994,9.858532004423278,16.094592176305504 +6.539871997511169,8.988168923369178,16.187420607399527 +7.257502347192471,1.2738612172475006,13.718821161497953 +6.994237103223125,4.84315588685482,15.02852965152678 +9.187979929823424,8.068344471904553,19.763035992127026 +1.0413468760722522,1.3391564365355846,4.205496150829234 +0.6961100179860558,4.932448747446174,5.312286317467515 +0.8077175920735302,7.23678336574694,6.8773081373527 +5.523585814504327,8.358850175531424,14.327879939990924 +2.7979578867131627,5.191407841611407,8.85927729447665 +1.1747968591054436,8.846100026502805,8.287839494277138 +1.750049622898383,1.02362251350405,5.12985932040518 +2.0505059852318333,8.062314887229814,9.000471044776274 +1.058145276846828,6.14427494838166,6.78425706290025 +7.461813006151257,7.510811604828711,16.948342257314597 +1.9006088660813114,0.6162399837761201,5.168355829002472 +4.488063837722176,2.024853452445461,9.651369102450705 +6.99270809013938,3.56692799655421,14.291831527321358 +4.493539410331321,1.1348493310171182,9.287442523753501 +5.675502865481917,1.855241896319073,11.308026465954697 +6.78985660914937,0.711688225478937,12.674628254958781 +9.758945922813233,6.845269785858116,20.23696628768057 +1.8172956781192617,0.14094645461855793,4.898236977275185 +3.3446289220521876,1.528132640522074,7.867893021941674 +2.1841133311954595,8.727502584378895,9.816431705041689 +6.032046600508495,1.7645765302889949,11.825608391005002 +5.566594006874488,2.5578065342499325,11.522843936200264 +9.762008643580891,0.3275723026369526,16.765359701624284 +7.323184221678151,7.729970261914273,16.87954690021029 +0.6716276395770027,1.7186936423135157,3.837525896661991 +3.843066591039576,8.681548265290678,12.003374788245228 +5.369999384184993,6.553068500072905,13.332098960135024 +7.830128354568426,8.2812278833752,17.87636849886913 +4.76284543083681,5.087931387734813,11.772366229709442 +7.180058570877794,2.6334235873562637,14.091253670778428 +8.544897363655243,0.2078682447584157,14.730824053368725 +1.9577160220972467,8.001999430365032,8.976120557213127 +3.4025821189267225,1.4983283269230596,8.011215881887827 +1.8675475571140332,5.307564019360695,7.457996074763007 +8.461815293449877,0.706507157711106,15.14467238147842 +0.304809091246494,4.651681358368432,4.732541950214314 +9.561874150536347,2.790098034141264,17.794435148913188 +9.591705390670484,8.876811765900014,20.751505047030417 +2.831350763875111,8.169480642561467,10.307116564724728 +6.858673025688188,5.118223889047572,14.823258721506557 +4.229161430428747,8.155027559254567,12.468924934902851 +7.930794326950212,7.569363359425592,17.59845748896889 +9.982559512152958,4.785124609413839,19.219913094480756 +8.069229778199158,8.624783669834784,18.463247720278957 +2.1160258145368394,0.4206644205306098,5.427623472824846 +4.047484021885797,8.56736684436776,12.366158108042733 +2.8910328119451023,7.00010154067424,9.929888824069288 +0.07348139064262682,3.553644323202377,3.866780400629294 +6.155166947581511,1.2975719007233688,11.90967131551953 +8.966069121474339,1.5627397711707924,16.195481693415772 +9.097935450039946,2.163893086829747,16.702988554945474 +9.942786739158407,6.047487132955909,19.971945317324444 +0.8434489443831128,0.6527723447865985,3.8182205418593864 +0.7492169625946876,5.898927472909518,6.1475189408713655 +8.095792023273852,4.029627417705058,16.21336266873078 +4.448357592818618,5.89287703664628,11.696318848257881 +5.3304060478635575,6.880617331012702,13.201139950582348 +4.717857201630266,7.1386068506406755,12.67800701164117 +9.973107425466342,3.502978422487649,18.802197718628253 +0.12215462915350805,1.2562504555165477,2.8197998326857108 +5.535141849869538,3.4425778714465203,12.019684107532122 +9.399825937049926,6.274460901073829,19.142975467019873 +5.203551859654679,7.980395012720187,13.752184256590535 +2.5858987104909517,8.197385402823597,9.894191221794985 +0.03061104864092945,6.196773621357177,5.2442540681713945 +9.34757151045779,7.8785995203387005,20.1108238047107 +8.536341921473593,3.969546951715005,16.98279296511484 +8.242389461001263,5.508316650302666,17.032743078795956 +6.1854023650319885,0.5891533933580351,11.505838998183407 +2.0155169717439216,5.5096441551355255,7.7031280187778455 +0.5880105782349765,7.4144680658771325,6.487394287129205 +8.400570085219016,9.203623612948048,19.10242511509539 +1.0176845917980593,9.397202480228001,8.173578640182997 +0.6762000762929499,4.740562159278153,5.472028946699203 +8.402510206278118,0.7031113856445537,14.883537477389853 +0.18231072988983632,0.2494771870665069,2.5035127103443675 +5.112702394360335,8.11596744596663,13.863784099586558 +1.2742667107259964,1.2461025407954063,4.562960985576086 +5.685468550497916,2.342956008119237,11.822593914998363 +7.302137351448739,9.496353881767499,17.56525693852394 +7.660334066004131,8.771753663789164,17.820559273775846 +5.195860575716703,8.323193042175333,13.974329039485305 +1.8290318398668237,0.6834789039562739,5.107610613826462 +6.55953110124686,0.5195250375805593,12.241982423146199 +8.924814191396806,6.915541471074186,18.745107487651776 +9.52200725408912,3.1388665631323565,17.798748605341203 +4.861583092016208,7.416903650451189,12.992328156176836 +2.4277898546082053,5.418488201116669,8.299066962959602 +6.594672750054781,9.788086544470412,16.681789768663872 +7.4470329424238475,1.18130850279074,13.713548620527012 +4.753334513833103,5.887707829895721,12.049303039418715 +1.4662314286435274,4.319660569810784,6.503931874398597 +2.84005816335823,1.1882754226202596,6.752201765473523 +5.120419334634545,1.6563308101234542,10.590312862249364 +5.9053740858572334,1.6969693224186544,11.833759323809884 +7.235949236028211,1.952416230296704,13.778872504280715 +8.962851007761495,0.2620935654880885,15.601312604557464 +5.219973870457359,3.201047658865469,11.488078266800041 +2.250765257745908,4.716027791651481,7.77526224506184 +8.420195363242607,9.152772055266487,19.21489339462635 +3.0324861814784576,1.5424362209507125,7.2520647911042735 +7.201404475663073,5.819987254559883,15.778345999937956 +2.010161486775599,7.602957880874365,8.779275381566498 +5.189304352421411,6.533951995074076,13.05379761954502 +3.5933903396338875,4.39097561302376,9.603155146677782 +1.803420983749422,7.565158676453409,8.573309736394952 +1.5701132415179186,7.783025947510613,8.439476956611973 +7.98007854884586,7.466009640551217,17.629344131497472 +0.19422788058740426,2.731332126066736,3.662265356006848 +4.6833774279181375,5.955443787167958,11.85434633719589 +9.192220993690501,3.7560597212870226,17.814505543568316 +8.750233187739541,1.6342928813683655,15.9468811668803 +3.7128048750862694,0.52282010821323,7.800649613758387 +7.424892910556222,1.5065275743291295,13.895825758973368 +2.570200156484578,7.752332521932148,9.741742846892427 +5.3471671742271,0.13972719418462565,10.017430412167093 +0.022352047473971348,5.10660631739897,4.7056282519559485 +3.0495551374919483,1.8031144599517712,7.540363909104331 +6.135939377161109,2.284364717174271,12.424508458808532 +5.92207149684948,3.792659505862729,12.711436035675435 +1.8674621766978972,1.3810473786874866,5.418305581489145 +2.368606031272881,0.2983210801298508,5.69071451541383 +3.0812696203626846,9.019546901817941,11.211673670432406 +8.313621258830283,3.720037567196589,16.380620252091003 +5.758336185818038,5.673605590140585,13.396538609704123 +8.287375391937124,2.362901015169656,15.679289702160652 +2.9638748879301238,3.0178543374561153,7.857527408240578 +0.4086998977167433,3.146878632891922,4.120327254537869 +8.779137765880069,9.11987647571481,19.744417222440877 +1.0963534576855039,4.580585416184314,5.817675572792888 +3.8134890158763914,4.893591966233879,10.070676654149844 +5.547195240586772,0.2025876001774607,10.577298815692137 +8.422422479211608,9.736640731733385,19.638580682219676 +6.534048120036423,6.604522384933692,15.33230496064981 +5.279798578307084,3.3427341171438174,11.636122216445274 +1.489778241795211,5.8406334269605065,7.219460511798967 +0.44941403509207056,8.24502567691874,6.78113812757127 +4.209116994706155,4.147542241619748,10.352402363033613 +3.2717085847590575,9.693538886985865,11.841523872076008 +1.7491695277071884,1.5130782147521116,5.516491112917663 +1.6553150154503016,6.58527482850764,7.854275287073127 +9.918953187295983,2.3547517040175467,17.971824250696105 +9.056173970674879,2.786165592081724,17.01650615426696 +6.478999201253002,0.4049895193336772,11.843978502789119 +4.95653974576189,6.545699662789818,12.675209464486986 +5.363197772226286,2.3783538488179112,11.397596247481667 +8.284969482679156,9.701365112382403,19.15817868917352 +4.591960956920653,6.359192651892537,12.284407420870812 +7.9041326834557255,2.4148906062179396,15.118597763355435 +8.644503819287854,2.802009053099975,16.321148978892403 +7.758308035152388,1.1209923242642206,14.204779827005096 +2.883867034141697,5.336199339398677,8.92540377906369 +5.249220957043152,8.504311844863663,14.071295956350701 +9.961272576386072,1.0721084586014062,17.48529267323246 +2.7138813282503707,3.575982102230758,7.82592094692288 +4.7891840781000505,4.93909743154399,11.560028069695518 +8.561950631484166,7.705593027850997,18.673581412349723 +0.18851579037953314,4.550217605831879,4.426421010688329 +6.180738382440888,4.603955870930234,13.44590404296994 +1.3064525602570232,3.9747408369064816,5.818843879648761 +4.116556951297361,1.8771592244975877,9.280547499286781 +7.563071144709534,3.214006801424768,14.992172518152877 +5.889872905686162,5.1573018095876755,13.47304596856492 +8.774270792163888,1.2201493186283818,15.772606944307912 +1.1426300825346014,3.0031966912301575,5.2661716828156155 +4.312149681258351,2.9854224875213955,10.078520359776354 +7.631870823952438,2.4526584310929964,14.714917393169985 +0.8477474277224473,4.137998098841475,5.504653193656994 +7.73379288138484,8.505619435867413,17.84978049952002 +7.333448483633508,5.578866784997441,15.849497373813179 +7.241917017491767,6.813895353038614,16.340224516041808 +2.3436663249506084,5.507588922031937,8.1760894335893 +7.70609332638432,3.1712066187513823,15.149017395463126 +6.5397314671693145,4.814804275187985,14.032857207774388 +5.0315885094502,0.9005503778215973,9.984670490154828 +6.6621716530537975,8.656870353545202,16.293780899451242 +1.414312880258628,3.6610566221644936,5.9181027855605715 +0.4866745484083501,0.29631885976391104,2.837419862120541 +9.896584966717437,4.934715083063846,19.363432416942466 +3.5551901863524638,2.748770766250189,8.618587565786804 +9.800126449449591,2.522507855216837,18.147442630401784 +7.257083957377432,2.837580958059338,14.361164531480288 +0.7048950535691911,6.832766145179413,6.393429095657679 +0.016308476298648733,6.757485115605695,5.4679268838057355 +2.5037659898982314,7.461042320715013,9.585655442144164 +7.697501673506494,7.241072388175379,17.203700453586865 +0.2448344146761039,7.037366196437684,5.785354086198609 +9.901456140557631,2.4262536852562286,18.28903975365077 +2.7423857222533856,8.135265495805395,10.245158772834548 +1.6039680505608056,6.605836755045516,7.584112496949468 +7.550263775005784,0.37160661819357177,13.532110480517733 +5.537620942652262,5.7587725853588285,13.163785956508425 +3.034428973917942,8.763446693975173,10.934009532742348 +1.6274971929985638,3.6419470950586055,6.142847688339276 +8.486686871473294,1.906427566059925,15.688676740211879 +8.21374136327675,0.7906917736795571,14.632832655578248 +4.8922906718999,0.7533066244570341,9.680135375358118 +6.779035850615143,7.906014890556002,16.160305619930536 +8.498585482468028,9.812622507439887,19.606526213755366 +6.720157222995868,7.690619138400203,15.896503225660828 +5.057582783213293,9.127369011811261,14.232081846289244 +6.437583821994625,8.835514062513434,15.985273050968985 +2.3545201701388088,4.967377807180643,7.95062706782054 +7.298189210638039,2.027217545626833,13.835433640423062 +2.1133979326197827,9.780427404056374,9.978024258481595 +4.3461036073720605,1.8181545292377166,9.441145098624965 +3.31463881981506,3.973761482659256,9.02278535790281 +6.230852574702212,9.230146590477524,15.8807354419898 +9.86590075922091,6.516987589111125,20.11832616144474 +6.999223607977248,3.21829169696589,14.118502789667355 +8.57158595448749,2.1779833522031486,15.808110340324664 +1.0638064931096758,9.732559900976508,8.479445726906338 +8.641386768205322,3.0364513453813338,16.5997415477349 +6.751707163810492,4.670183574131995,14.273439018101977 +3.231282061454709,2.8677421076029486,8.48131469430868 +1.3602744522090648,5.493180822758392,6.725950265111347 +4.4659669011750776,5.1218642029994434,11.094971891469655 +2.153571674794045,9.386106707732477,9.93725322285496 +6.385911963305415,8.996006573833368,16.159979935352396 +1.0927116603275544,6.228509658561748,6.725278976874122 +8.494618186441611,3.3092077981446666,16.42769110559445 +1.951431691359864,2.6502130580561967,6.4642277449303505 +2.72933726749799,4.4719896492353515,8.350566115796466 +3.2596360277933156,2.712740727079913,8.544073163700714 +6.4851229840513795,0.5303237167188446,12.119309392332537 +3.4036377813972996,6.8975196594047485,10.5593700337064 +1.7584974928100594,2.2092786221291236,5.771539275688263 +2.0066662541291747,0.009261067314049187,4.982686444914182 +4.737677518315727,0.38958789416123185,9.32626802014167 +2.7293981177490014,9.948034245919716,11.124270082536043 +9.183962113902998,2.150758081563342,16.810907217153574 +3.1000243191393273,4.637045822685515,8.83056225772365 +8.444135466592435,8.026459413930912,18.8115607749779 +1.2624143656628217,1.2444884834835213,4.6132140196031 +4.1673225389404465,8.70095389613772,12.45975186468066 +8.820849990955024,1.0736584968653018,15.785203342557692 +5.7429728796555155,1.556751971251129,11.495542571601417 +6.861293100027828,9.164332479289065,16.966478749574723 +4.547692924755936,0.830827746920515,9.167556242131534 +5.792541958945455,4.085166701358547,12.82960796413057 +8.108987523339602,3.4034446392638773,15.866713330829953 +8.748972004725893,2.7370040763478487,16.530827760152775 +1.5751763588868595,3.0648037731857993,5.803217236440321 +0.3491579182274651,2.812459668742413,3.5042657828876047 +6.6011763388203075,1.4228297855659233,12.535446549596276 +1.1136497278658797,1.323852912543504,4.386058758206552 +0.7755167426146636,8.746354118429396,7.5159089439648605 +9.441151154965281,0.46561151728786276,16.459551579991874 +7.600717815435402,7.371517467171977,17.19745042155062 +9.969094246100404,3.4787066172106815,18.65994261186114 +2.855089916904162,4.530821208098272,8.50515058818628 +8.565751771491906,7.2859364253789884,18.272910220703064 +4.716238139675028,2.445628432858732,10.14240405905143 +7.2701574126837105,8.54526868042196,17.043877501924307 +3.9995123106749086,6.6858544582098425,11.3978596149447 +4.002120211765981,4.784934381414848,10.363594462651164 +5.249103799549136,7.757258140222779,13.698861317981901 +9.77505984128931,4.443661626382323,18.819546003785877 +3.423150062476059,3.735910064723913,8.924782026696121 +1.3388906937518164,2.9693873781772275,5.585375826160152 +0.8644741326880623,4.2789426317924715,5.44551717463566 +1.6735726931104888,3.464067459744087,6.341525472452608 +7.9357774939160635,2.45927650589136,14.913965875055679 +6.118946213420689,9.011814192486128,15.73759976499603 +5.669291870295469,1.9379261277241266,11.424521580396723 +3.447661939659543,5.903692071840661,10.095191656294986 +5.066111397598535,1.4861983627690378,10.477548898023281 +4.4679634469056895,5.430666949102484,11.378293660670701 +2.6733271445757243,6.124455153398519,9.121407941967016 +0.7016009948520985,3.366070335655168,4.633642116723728 +8.042768327775745,2.592848009081554,15.364187511826565 +6.051768500030782,4.100297137103119,12.96867664433344 +3.164601424152468,9.16131687910027,11.321829473542522 +3.4326171808038355,2.3667590148701834,8.370846132523024 +9.093013156402705,7.4594435593581485,19.47987896047164 +6.817997136981973,0.4953494206687581,12.392881029965675 +1.312049607157758,6.383399638096629,7.106877823899035 +2.0943283652626024,2.2563798563035906,6.205270318344375 +7.7913851534361065,2.8592494883694264,15.091301452634307 +0.71587302151916,0.364319473098611,3.1595786445270346 +4.431779872452878,6.17128577684646,11.517590859125114 +8.688852333918028,1.1080439503263928,15.483029249869196 +1.966728262882963,5.298006109074711,7.594199247298093 +3.6410836224197505,4.825374512454946,9.85950261531726 +9.241246489842155,5.448916538646872,18.641539946363427 +4.1512061061207595,9.894399066997448,13.25822809239555 +0.6521566989953631,9.32113448371172,7.593847090608281 +5.01661842065483,5.037563377671381,11.885135388766866 +9.219643342032093,5.073239795930695,18.406406842066712 +4.384070905301488,2.72488592117199,9.937568409372863 +6.588167668174209,5.6964509097976155,14.704632671066074 +2.1434543694778307,7.094129150613248,8.884288633901198 +6.440868573366405,3.973338842065408,13.693027077782629 +0.0440092190355057,4.465811501761877,4.311209512521476 +0.06058117130251728,0.7499848929903985,2.482252622486537 +4.306099024808341,0.819198841853277,8.953718573382464 +2.7566543378716624,6.554913685589684,9.343483056371202 +3.0861534260941905,9.976485941215104,11.529451170482398 +9.163020339149812,5.853099045855236,18.647666531810717 +9.669471386349304,8.680172944325221,20.726499969343767 +3.18898518840487,7.495962459853094,10.526917116317295 +1.3683178400394735,6.84551424378741,7.4849290065708125 +4.910818264945805,0.16825939252824718,9.443476916667603 +2.7422982239037075,9.553822174042486,10.854216654469006 +3.158314850884807,1.8145445530144066,7.810045594726952 +1.8753144657220833,4.79213264641949,7.303104135827136 +8.42649240670535,7.580017651333465,18.420033451948147 +4.368520075377743,2.0872688343696053,9.605717324242887 +0.4606490010219111,4.62630319482731,5.14175954048748 +8.147753485181916,7.296819935943137,17.81158476089335 +4.086007676272503,5.947026719176003,11.005965054443125 +4.362465209462176,5.790161097901779,11.46146808787471 +5.175052443935492,6.80966600125159,13.20880223637578 +5.077088435331239,9.406109981675586,14.367538200639979 +4.280281815816862,0.15916303039710922,8.582781973435656 +2.3637353540898456,5.006068581066559,7.975379586713809 +5.405718518886619,5.523847893120535,12.729656756623076 +7.1455209827008215,2.7464814261752792,14.033065451335176 +6.649036790414772,7.040322731192128,15.551900677485403 +4.112807526208263,4.02169099146322,10.087867116997074 +1.7892478565644976,4.139873762553737,6.560425161474988 +7.868162917070124,9.089730055498839,18.361536348140948 +5.936131913179654,2.993703433542988,12.344341188298362 +6.822897186597315,7.401462086960039,15.762367884291658 +3.3221277878066235,8.265478614895468,11.123376122573328 +0.7369583213834008,0.10753717600025525,3.120578798957602 +1.2297077263205258,1.5600834782750972,4.792201600765678 +8.789290329477213,4.249817022212809,17.317728372732116 +2.749316919703817,4.2907511598681936,8.327959420979525 +3.948408927006323,3.01461667988017,9.4281987514464 +1.3789958241196532,6.559154619738806,7.288318041071641 +1.3660440277965535,7.754244526726744,7.877426950270547 +2.016880132804536,7.313713071333117,8.790272607044342 +8.055861056954669,1.2532600977445074,14.785200529316029 +0.8674576828800407,9.495727706536599,7.900187482930533 +4.630468067525807,6.302354949729883,11.972018957193486 +0.23260440121767756,2.787101805563399,3.6231499153536277 +5.053976545593862,8.862183133894039,14.118066359765113 +2.714394175643763,7.751913198587196,9.774410466697448 +6.622129282587018,1.1527076780574497,12.588196553827087 +2.933751727919965,2.3786403643861975,7.6297835110334695 +4.425275875732854,6.353342430475842,11.829266337510653 +4.334197555085066,2.4453657575180596,9.676679798365456 +6.958787682282754,5.844710947114899,15.47939869148714 +5.193139074156919,5.544195974459783,12.573153411461176 +2.2190064629382356,6.804310610924562,8.586244118783261 +3.8750053553876826,3.6346781973001963,9.5087148745691 +1.4973420826677053,5.968373345504464,7.065724019494492 +6.026644105465065,3.4030064366652835,12.861502796483236 +8.598500568655341,8.454578987154283,19.26746585232336 +1.090543064824313,6.950383878099182,7.219634187630651 +3.9383475618502226,9.997148510628929,12.891782275484896 +2.250236296846524,2.805242054144894,6.635337600112891 +4.421062945557274,2.6871514868066315,9.869769030486498 +6.919933663865142,4.809081121814805,14.685553736530709 +2.2087883484954016,5.063740694865626,7.840483568781695 +8.887877663650384,7.923956468500528,19.4325390028888 +4.98828924426821,2.884926031419477,11.063248679769337 +1.7988646470252778,8.783828771868954,9.041377739681142 +7.101669404986963,5.7216330314745845,15.289664778429142 +8.794346459536683,1.216902873740895,15.683272067417837 +6.824892860020682,2.1671231241323197,13.439760942154217 +1.20577441015987,4.6560851000693315,6.159867036547281 +3.873929297643537,9.411736093251854,12.481197371863 +3.2397954675181637,8.149022590520024,10.891667935702305 +7.488270004683447,6.679238700585363,16.496939260006183 +9.204004729600596,4.0792459438134205,17.725252731317617 +3.8967118598286565,1.6094742358150937,8.857011249046906 +2.7576207549506915,8.797764560608707,10.707161737040169 +4.74382132911368,3.4135332219071044,10.740311977026611 +2.1611205508217113,4.84960250243615,7.491094909856956 +7.166653704645288,2.866920254570754,14.200342518748798 +7.577165208126542,6.297877747249184,16.499939873218967 +7.875625625397042,2.509096288749123,15.130800813573462 +6.310281447330453,1.5373527948884191,12.319559258040046 +3.6379698216463674,7.243600948428012,10.961752643533679 +6.316683855799359,1.8786072533752196,12.54235120899666 +8.583426720925292,0.5335098234518187,15.106578786275602 +5.952156885166495,9.838205002316062,15.908128814919772 +5.315047318427486,8.006718199594207,13.949783523837091 +5.9518097318910215,7.830883149229926,14.935405189555961 +6.555941353552872,6.911320145375287,15.053342630773846 +2.2781115108638406,7.418209135729176,9.200105178493526 +2.3790988666433077,9.806402751425882,10.388657725558947 +2.277871909612047,2.366840035976563,6.60757431234283 +8.58673120483864,2.4298586196281913,16.21949641295003 +3.6090279349128296,7.146401611790269,10.906427710679406 +1.5874858019476323,1.5907175482750224,5.080586213202503 +4.86358423266619,2.4369675423272685,10.476662269265631 +2.3565795556903355,0.0923892141851268,5.537556898734982 +3.7044959119794796,3.182505546184032,9.042980379047126 +0.31155810826670405,6.212331782136635,5.584130235161337 +6.26655182003354,0.7080047177365889,11.769647140394602 +3.1704156290945305,8.728055319953977,11.16594995085724 +5.8216706824457845,4.119747240119879,12.710422582944233 +4.6510192846409595,2.0827999443580514,9.92352866199941 +8.118815007079279,9.140047054509676,18.736386363907773 +9.106640422500437,2.239343916922997,16.75512804208986 +3.1074026777645694,1.606227748095368,7.4416339932226645 +3.072011336323132,3.328053721226003,8.20132090282344 +6.331057370646355,1.8964638154812463,12.477821957154289 +9.193969243677437,1.0309947008530995,16.212203245575523 +0.06878011034333054,8.549451286305331,6.365678323705864 +7.037698077660497,3.5535987035599845,14.302709625427081 +5.9549970591011805,2.2354410083923337,12.04687027456142 +1.6838964864537598,4.711491351387228,7.000117387247768 +3.5318782972096088,6.152300505352921,10.24251769809868 +2.181491845610315,6.629277005606187,8.34774369469728 +7.668615203028132,1.666361430284744,14.276684374676185 +0.4385828341791598,4.395873753013388,4.740680523387645 +7.740240859924371,6.507798355741427,16.56301221650442 +7.018817204145913,4.028393399933684,14.717057573025395 +2.349455452530699,5.317788432846094,8.239048418752391 +2.043656937491969,7.262286969850658,8.763344597238001 +1.9696645595947704,2.9126326671434146,6.382266390511127 +5.065447783230054,4.867099341434949,12.073803085838705 +6.008493764070294,4.37444600499917,13.157699608949954 +9.194733085100914,8.399340941971882,20.073202193079837 +8.791134512366384,6.2951657140343755,18.353191178633494 +6.3500791586080645,6.091986837159487,14.567459618770052 +4.3488415442145625,3.221060010672626,10.137685131176747 +5.920028874488703,0.2553183713845031,11.154247450181554 +0.07456431423803034,8.516418262967486,6.386788697365231 +0.46424044777622187,5.24795150333418,5.21737550295999 +6.149877629496451,1.981712296224356,12.249291684499335 +8.957308382651483,1.90095771748375,16.435345498468735 +8.845149873666747,7.629902693330352,19.068205171699997 +2.4074295352419393,1.5074416627609355,6.359654837814043 +3.162327101862351,3.979505662702747,8.626621872357491 +2.4578467649892346,9.988915487544233,10.690935455899522 +2.2965233623958103,8.30634826982857,9.47651104384372 +1.5911774709047277,9.802446252759475,9.262911778260529 +2.255234582830848,4.216885547835922,7.424362370656364 +5.585640667679065,1.2028571515609332,11.078180198635954 +8.168200674791013,2.7468553268082987,15.78072299567584 +5.492699016016638,5.496338106932469,12.872785144956318 +6.02640652325785,0.5548598652431469,11.316577675641014 +1.6861876183156788,1.611922429233642,5.30420670531112 +3.020512594158519,1.4491415685833986,7.3017835167131295 +9.219213207742897,5.1295445051130075,18.403216230107507 +6.235751477026844,3.5748817539812086,13.102330548145716 +2.7624614103391156,5.03177170232213,8.668953018896534 +2.943229748348336,3.436459257297643,8.111609125377553 +4.527508742708571,5.057336871843555,11.478845010166845 +9.843140117818388,2.233225881619405,17.801958581273578 +4.879761648826472,1.4951173948933894,10.092949841342115 +3.499992327079726,7.173107187064042,10.887505431353738 +1.7446214376057456,5.813513075500431,7.5675364160855025 +4.167010235680072,0.5157954440447299,8.478624122705872 +9.330752414784445,4.136031402928864,18.20097171708014 +7.839265357511662,4.163134887318003,15.631577114051018 +9.373603215787845,2.9047033442889747,17.40336286870385 +4.122306496876968,7.588642402592863,12.0441379407978 +3.436673152808569,3.6435707133517936,8.888784325124494 +9.948231734142235,5.55614525690352,19.606569235087704 +6.893804536701481,6.434622341536098,15.511298417394269 +8.279241471565722,8.61825099441743,18.64942337196151 +5.6325613247030955,2.9455607496639935,11.985331262944367 +0.22800247574969457,6.144032510643202,5.504460447375679 +8.254688332656196,4.505398055116595,16.64356305958703 +1.647061404908643,2.880820729356409,6.01646510914387 +5.099889295118646,8.366812189776665,13.694596587546423 +1.7175314606842063,6.121498757095142,7.644635340335072 +7.533686139505455,9.360475203348232,18.115562159516877 +1.1670369167885941,9.263916341645574,8.480199126363251 +6.014675351744795,7.6670158743228605,14.999150372796946 +0.5377470956855546,5.061481556405951,5.278356855270762 +6.226296740807937,3.068338398728402,12.965333293017991 +4.316502081012526,5.54298135279598,11.203566184136614 +5.525479397729799,0.41861525406838074,10.557042014016304 +4.394817665788924,2.1381815479223087,9.792404954842748 +9.166950780853497,9.76579990123334,20.55391935983782 +2.996468963520691,1.7518539725105875,7.185054073474881 +2.195041509483431,4.777522553529537,7.866080075844088 +8.745055991131784,5.000362149376397,17.66657778327311 +0.5539206171529765,0.3988560271314401,3.019600983438992 +2.273909456228486,8.427712776094289,9.60851984787483 +6.2148055753514395,5.629578537862915,13.927378444265083 +3.1896959258264213,9.294254050461873,11.45254403419994 +3.311782449621324,8.349444126529468,11.089339211525123 +8.95903517975884,4.833350132161367,17.860475320624673 +8.942892694807426,2.768032873910471,16.80138476822987 +6.584334261832758,0.8796374852438626,11.978544253838178 +4.739342140923939,2.173318021583479,10.24466872790313 +0.6276327793060288,0.03725508077620732,2.978973659003673 +3.2475211644080835,5.895305945367628,9.851261719874472 +4.5523034765115735,3.0176929851949605,10.318959734610486 +9.912000307762511,9.395250399796778,21.57051799870701 +1.2565330683749687,4.151074266684947,5.977617577495898 +6.488469339936108,7.334907975299368,15.42758430594269 +3.6637215490949036,7.462818127353477,11.2745500074812 +1.2415001291067829,3.318126252577047,5.549589592524001 +7.164331757559051,6.256827902603751,16.059884470430347 +8.372102148616548,0.4685702266715508,14.71983683837845 +1.7439171782304852,0.4849458227196646,4.820853218195792 +1.9211422424921132,0.04282810632935008,5.072423059978129 +5.042103016788663,5.283143955682554,12.189266243357743 +6.578917814059948,3.8491244720104345,13.886102742940075 +0.03207690685184006,6.738911544076371,5.431121619492199 +0.5429108774791258,8.66170430817744,7.122437286668441 +0.22653987707937362,5.304751232566325,5.090810254228436 +8.949178823855208,5.7248957578878015,18.33805837046612 +6.084167465439299,6.816108483374057,14.380904456094493 +1.22408847730467,6.749271008105595,7.228117536855102 +8.803548820128151,9.742208328353165,19.976921226931434 +4.43051999358347,3.4450485167754685,10.495419508888244 +7.53309615596317,5.428742880953146,16.18937467857274 +2.573046544550305,1.7215788496970297,6.907756461673069 +1.7023030059274369,4.591770366061521,6.885091044471718 +1.7012440561565012,0.19718944011485773,4.604304039456739 +0.5208877496969,9.298845439529657,7.462930178892724 +0.7296134116013575,0.7318069058095955,3.3663511166387594 +4.511884455335324,2.4510028233503256,10.227877974722379 +9.626938521724977,9.109858394978042,21.11477268315782 +4.047432486712671,4.487315194162592,10.345258962259503 +3.7511365307557023,0.3786611664312822,7.915740298900852 +2.928468392547087,1.226734696119841,6.956897524394415 +1.0237033001512275,5.608615729363878,6.229067005788535 +0.9876485771356225,1.029313237952636,3.774804145612409 +4.805137148193486,4.422823651226388,11.427423224043386 +1.3763478513236937,0.04449024808863,4.065951458654873 +1.9297444176784384,2.3589225418204074,6.126006825537177 +8.002484436088675,9.15438350527215,18.582225676813582 +4.059443974879697,4.050267265009778,10.161688120948636 +7.124812837598667,6.26922015704689,15.90293767497099 +1.8414018669340915,1.0768912229586136,5.154530301512101 +4.3761189065505075,5.6482836316276295,11.475210146641908 +1.3870760315880926,2.9327349340844453,5.506323489088611 +3.0594299643057488,2.61298201024164,7.9473938369853485 +4.60761266291791,6.530635843197386,12.278959598458345 +5.093898836159924,2.014565622473442,10.751040489578703 +1.0293904704739976,8.218704628987004,7.666353301837253 +4.793046827177857,0.621391841338772,9.518113744103553 +2.58121499649558,8.040337783841547,9.981182609866522 +7.5172632477354995,8.758166328973777,17.50486042004897 +6.020878260016921,4.22905934358055,13.050689156320955 +4.2663499755445065,1.9400004449294372,9.341599512979284 +6.507989615178818,5.85068756092854,14.554048795469086 +1.548644114288359,8.856629200453748,8.724109095255555 +3.6846820331059704,0.49738765521068484,7.743081982550773 +3.2788092077978384,8.698567147115758,11.276208043910753 +9.169565858617846,4.903984172596335,18.200652531314237 +9.563399400734179,8.752418092119761,20.828243000101892 +8.252307170992253,8.59710064682206,18.73431154934872 +3.818754121688235,7.564689407555436,11.503372758766304 +5.773390030761493,7.1968400174030664,14.225178819325318 +1.7778610758077462,7.3139391177494195,8.31900536159528 +9.575924341941718,3.0266332238142954,17.87421702052886 +9.86161323955627,3.7837601480537106,18.93617556244978 +1.9972349702103287,1.122862298002384,5.411530883041566 +7.849619132881777,5.548254003765684,16.455928196895677 +3.0713129366202887,6.084503697937579,9.541928660429724 +3.3210118784100473,4.483577573284587,9.250233772640058 +8.626641257530911,6.681664768591648,18.30376160525541 +7.624018397047164,5.834935514695763,16.29618817356923 +9.91398048885621,2.4141006629089268,18.16763283145087 +2.6229116071881475,0.9255893873833287,6.434127790918511 +5.540195020707105,6.133592364083679,13.470898744569688 +7.259615728988198,3.3544592594926104,14.686998658519695 +0.122568018650272,6.3222953708832,5.131895224822946 +9.986954925203827,2.9454935378999245,18.521740824157828 +1.8393445246901974,2.8176695782635317,6.038845528927371 +4.254154747770472,2.5091292895256467,9.660738028881994 +3.4696002536752992,6.382067385793626,10.388144472897022 +3.450279868426147,3.9605894478365467,9.15269315141969 +0.40031262799263945,9.179425016228697,7.069719316735084 +4.068859599148537,3.281435160347943,9.847055632535454 +0.864841962453845,6.341832153951836,6.339129522920602 +8.63824950263755,0.41153200052400307,15.238193615355584 +1.452724673660355,1.4638982888620733,4.767847116054447 +6.022748553477929,9.212305027183689,15.638489738858 +4.377683670655096,3.4380644819385067,10.465996874109115 +7.658406855966913,7.425690617556514,17.436618647559236 +2.4675613927720965,1.6082636230788605,6.343602014900648 +3.5781003241535636,7.756033922266312,11.174713623745168 +6.950633899149783,6.658537063562052,15.702953249881304 +8.294285601632039,2.7713031234139374,16.05258532250712 +3.396837254695101,0.4233945060917599,7.300120471870078 +8.687457758035334,5.824297349221781,18.050801720286305 +2.9812229188369335,0.6941653144936555,6.84888774891881 +7.234095031624596,7.4873751954906105,16.474908894882187 +6.661786521150226,2.0378097094672953,12.825604426153824 +9.132160585086048,7.531580190208763,19.402721797781485 +6.577563235839703,6.509439234217876,15.3527517930455 +9.043577000916411,9.283071330971238,20.232662492865167 +5.956374180102399,4.1666941096254835,13.123345720939913 +3.637339795594162,8.190788410807224,11.409579642625545 +6.446053398343335,0.7726603025365364,12.02288805722533 +1.421860130150272,9.001858951048463,8.711604063112965 +8.844981481045009,9.518324486974688,19.917517769206153 +4.278509673283237,7.8406090764070715,12.331672308995108 +8.282250273143216,3.156969058381931,15.913883327212986 +1.4533771122714223,9.97026361639173,9.247840914995056 +0.302192037513499,5.97335918711443,5.479819304406854 +6.5021227418170895,6.8178934196964835,15.230469364447321 +2.556277439690897,7.215792442988508,9.529419884610661 +2.1639956328126555,8.290382557516825,9.36841724765684 +2.191166740846345,6.967060290760775,8.87060342884163 +7.834134858339759,1.8894575046218876,14.636946224801475 +2.3798648763260277,7.791037387343669,9.527888018304473 +0.8599897163495285,1.9076095246666414,4.046694008848 +4.555309061899152,9.301819287447707,13.40923761764366 +5.618778348930105,3.876778482082255,12.598137084794446 +9.783702222224766,4.637113062212885,19.05520865811664 +4.33734973687482,4.116443168877235,10.625380878403812 +3.1218007260679626,3.256948097375844,8.228785544646597 +6.87837059929498,0.40835597341881136,12.41231284005354 +6.818167256463189,2.012044981258728,13.206837358900238 +3.8420800320449287,1.46538972560332,8.489102062406284 +5.527510440724698,7.2935044495213965,14.1294646045591 +3.5465557605636464,1.6341657754026295,8.238810470741068 +2.2650558193117556,8.181129185255726,9.499041108721862 +2.6764873505985243,7.7470259301122715,9.894815271347582 +3.311994068062111,1.8873255434296254,7.987467949883559 +7.27308559627431,4.6854502947520675,15.120473955236662 +0.31277251274806406,9.599424193443987,7.0767358748307085 +1.4775344507210741,3.534069764530914,6.057675366435782 +3.8479463499570734,4.894298992584133,10.22627028761319 +7.854440223341706,0.06090279675126764,13.680900093913428 +9.324720513360747,6.459894602030111,19.007539986273184 +9.506488791489357,8.173895374164857,20.436067554000406 +9.27838218083217,6.01000550935678,18.870420509573115 +3.5730898287717485,4.429140631136037,9.614231127076385 +6.580323103841129,4.2693185976633625,13.978767951966018 +7.3167278346778915,0.9184801608002957,13.430907935106255 +8.299866489848887,2.0418863964200415,15.411517860605088 +9.439476095247226,1.5554579993726791,16.929292140120108 +1.2916419610239782,8.11876110587393,8.054550818112187 +8.187018277030143,7.387594198812472,17.94675166294023 +9.605304639047047,2.7053962868541603,17.727372745920448 +8.266487389902876,3.5204053004342084,16.220687524219084 +5.373986255693407,4.456000297013287,12.356397521926493 +0.05850022673607236,5.744621935391577,4.846312286412095 +7.47505887763953,1.7455238357527125,14.082459350150545 +9.316558618930374,5.303995394185038,18.574459344504735 +1.7824600315109351,6.459475709168853,7.90479969944663 +1.9192270851534399,0.6353334829533641,5.339904058027137 +6.853152424192422,1.1069488330549448,12.869099783517413 +1.0621744837643532,7.399435631818133,7.509404032451239 +0.5520223320807116,8.097691790479546,6.898838846334352 +7.961487586478277,1.41393428077766,14.632552669221521 +5.183806472769689,0.9662549096894235,10.256868917393199 +6.325712197859872,0.6293001297054657,11.817481346617367 +9.444808563227472,2.0773073536958164,17.23815166448454 +6.82894655948645,1.2829142437711005,12.785680225675275 +2.095964483267765,4.509496488833706,7.375378950171709 +5.730961413415162,9.98863240391683,15.518318711057589 +0.25926228090944137,0.0031441964408696066,2.493427724632297 +3.50367094714948,3.6615636780241987,8.893721397254668 +8.838372360986316,9.12582547697302,19.836161581778082 +8.805249763593189,1.4317875048604778,15.771951419073774 +4.121048351810734,7.458851622950232,11.954222139713806 +3.126110677842414,6.632380285105512,9.965465668901896 +2.37142863191092,3.234192579608081,6.992559781043916 +8.604296493484838,2.505090360889951,16.253212976296833 +9.643240868848629,3.0625956093684694,17.744520388680865 +0.23528109823277354,2.5490090380257047,3.6242842178219403 +1.7120494224342575,5.0682696621754975,7.171328015692159 +1.1271606632786002,6.260488772454097,6.95865855245084 +8.748990705564946,3.625188818037357,16.775064787607455 +1.6849271930540444,4.0002499578441295,6.4759133830936815 +7.85966821450627,5.914876740795956,16.855305994921483 +1.0114321332760312,5.371871543270333,6.318208041845134 +4.680853814555932,3.2711225602116145,10.784916354024825 +1.101605960533233,9.811119356202749,8.81412675531895 +1.7604331989325561,1.9274289079074547,5.553494964279507 +1.4558269210223584,5.701930386989381,7.071943766038617 +4.436695744827004,2.4955718202655595,9.868243077346518 +4.294233830215282,6.735218510617179,11.611448625130926 +2.817005314986302,9.152457760303804,10.792736561296094 +3.0634623717770584,1.9817903082285326,7.386652262915935 +9.545678468728145,8.105606101181793,20.31923790124758 +3.4313762484346553,8.41431851143876,11.207407816568736 +5.1881424915380006,3.467524982610628,11.559861942088133 +8.396115895392143,7.521650668644404,18.27714654885598 +2.978748426431058,6.066785152579738,9.32299441255076 +3.6939022351979722,0.010519725603881369,7.632679081918835 +9.618157414002793,5.4962907607283675,19.1150063491921 +5.984326016657832,5.998914256772949,13.932735942129856 +5.506414608194028,2.9004784477359347,11.612085409800331 +9.715761249080563,6.216684125152849,19.79689155489555 +6.709213605539615,4.547927573170498,14.364836094944938 +2.878614004907826,0.6434898217492935,6.578357071787701 +3.5023019656788623,1.7609742926839211,7.942536539675117 +6.620882682570119,8.790038848027194,16.577406868098485 +3.027548582456523,3.3288262541404654,8.40367274241385 +6.703645038290117,1.4927143424123634,12.946134930091638 +9.294374266776991,3.6384678102548307,17.690478135939518 +1.0119944592677466,1.7468400492064151,4.341316992679899 +9.327460760074581,2.4711928836901995,17.266854121872722 +6.622688038312864,1.5616522353826512,12.625472811890875 +1.9410169234877772,8.792382188999776,9.208776558180514 +1.4803322010256181,0.18750586736279162,4.460107091382242 +5.012331895262763,8.627268132629347,13.826617873181398 +3.2599104541562474,1.281622706457105,7.418690135749071 +9.822308295656377,6.767386294894133,20.21242232461873 +8.506906319481564,7.521382723289237,18.46366100896811 +6.982422739891901,3.845640671309203,14.198518990052133 +3.243399932036394,7.169585958944741,10.336411627688308 +7.167130081772301,9.505883840490933,17.451987699869036 +5.686598178483223,2.9462110578767353,12.024998735959754 +4.895287993304774,6.137138167259192,12.428674835447234 +4.267297995769125,7.911331233595482,12.479389631297304 +5.8461321221583775,0.09435727627650548,10.79267353318843 +5.698398882320085,6.336037859418609,13.669051945928333 +9.152612515440707,4.137216736641886,17.922031805530267 +5.744676592713583,4.749974507143739,13.08987218098251 +5.3165642846888534,0.6730407066899646,10.29002101756429 +8.972836675331015,9.104123398316256,20.040519670252763 +5.480596098426327,5.565555157209455,12.956139501770588 +0.5755603594395453,5.979505131197568,5.7368769185555815 +4.291517898791625,7.090436302344373,12.202218612949785 +0.47124916595572386,7.108876827294898,6.207123322242294 +2.868938238323139,6.51705330453108,9.591433281112852 +6.27125975312123,2.268414846322325,12.389562307945445 +4.4045234521626675,8.356332590533246,12.858596634968595 +6.055916435947739,0.6873830197841146,11.306980388011372 +4.429088313208297,3.11771458777917,10.370285621847493 +6.416456789116327,6.145639412952608,14.877245896189416 +0.10398101510140534,6.07695509418463,5.251012975325417 +7.348496539849368,7.687300324015754,16.87788312632266 +0.5897577038996116,3.0365841710986894,4.38418712938161 +4.212735605515238,1.797717077949118,9.213207546666487 +4.207338711650098,0.7112953582559234,8.707579259050412 +1.1321728300705158,6.686947628434194,7.050707566437813 +2.62572461160155,7.1140584747957245,9.593786636531647 +0.48108528016667984,5.627030530435029,5.4433133728937095 +3.9144866358684025,7.969713919154653,12.009395153487603 +7.839515802055619,3.7555964245750815,15.59480603926008 +6.227140140877143,2.275488688194881,12.403866658441816 +5.804068361804202,0.8126469394752245,11.148687102787077 +4.346042841186101,1.8272768153810914,9.475357919145672 +8.833811820915226,4.449008179668318,17.301554811866033 +5.907737486375348,3.603818603300104,12.615404552520767 +2.887410352398029,2.0291978306153355,7.128509446482963 +9.118715826670197,7.9946578242695265,19.607831943452503 +1.3326114443103088,7.467248762917983,7.669277220664026 +4.185307770366532,0.15396654960569855,8.384691028858299 +5.28367320376222,1.300464400848661,10.496962430444587 +2.0993431309359467,6.96040961424093,8.574114728001627 +2.571420371411961,8.918882018418167,10.446960337346372 +6.571697584241699,8.32283484910809,16.22538301384554 +6.151895383301841,8.688495910220158,15.480000587244309 +3.6168467502215016,5.491405768855797,10.272898683519319 +5.158904004443335,9.037907080779705,14.296090276332516 +1.6491540860861353,5.780607631866924,7.190156071779398 +7.544311942269804,3.7004976053366034,15.08759969038985 +8.675815246159765,3.730147670777341,16.57601343405464 +1.733087598959161,5.8404835540503175,7.5522298039228035 +4.205680100373125,0.15190104682004546,8.276791574187268 +0.6983859249350322,1.9527718020659002,4.037357482144896 +7.693299595181523,8.920395160337483,18.257242165112885 +5.4564087401422245,1.0556546251412346,10.871754223408704 +5.34418952241846,8.55605460596945,14.21761095449773 +7.494776291225897,2.91098163697375,14.59677703345103 +1.2389060928835782,9.00681699762243,8.491065792047714 +8.54088746632211,0.5371536514522579,14.979427878797804 +8.236744898245643,0.9721263778493949,14.940292812997072 +0.6328363340203702,7.5860089714625945,7.015845537221005 +5.36310621924958,4.145480240903189,12.184941272106098 +9.038621959760219,8.393035720677538,19.87285217180738 +0.576234715470566,6.1608724194117235,6.051591281927418 +7.722674032074583,5.504905797749521,16.280754114262226 +9.830054990761884,6.860475046475482,20.20433906536804 +1.041430126970253,1.9829801199995345,4.457991685402287 +8.26245621199462,9.967566731443,19.506460497789657 +0.983392668723897,1.003293178450484,3.868222896686905 +7.6338705414328345,0.6435428171653956,13.842676070060104 +0.6856011606484747,8.888164830096626,7.58565595770678 +8.00449812318451,8.815631998643823,18.365398946457823 +6.505134021327537,3.2253642193885845,13.298283584619714 +9.06313190332791,2.9872352497443178,17.071346185494882 +2.7551083945484933,8.864004191927712,10.475421528964189 +6.808225924932079,8.956720847092427,16.7063390703972 +1.559012892539724,9.522967977656315,9.008306313394085 +6.127421567003271,6.680350440934276,14.446851973905433 +9.140605803264515,3.8075297469462868,17.669363868135754 +7.195749946958622,6.40340621124484,16.05708384301399 +7.877527188659602,8.969427918333073,18.271653309390203 +6.800608554300947,0.6763955450306436,12.374468227155097 +1.8314034584978023,9.539781822670841,9.634082161425523 +9.686504733772262,9.674133136983624,21.321983532541946 +0.36799400400117976,3.8244816794941827,4.670463347623457 +7.59672703987996,7.528858036578309,17.146279890929975 +0.8590890494995851,6.09488887089519,6.34965574843652 +1.4286961854085745,4.932093328677933,6.565915799386376 +2.396857008411215,0.5316117173472767,5.885432288198876 +0.8001942552660957,9.108929497299082,8.102412867053996 +7.44645964201534,9.318239817729504,17.793912472774153 +4.699899323335527,4.132924989528043,11.24394433156668 +3.5840729250209558,6.1630709605208995,10.46670823955094 +3.515593869713336,7.462732339820062,11.122136305625304 +8.013173262158622,8.75844593429381,18.205794176183346 +2.4280093024527725,5.2702204929237535,8.47161300742653 +2.2344461672983886,0.3755582342034114,5.57355091266822 +7.078253041698376,5.489812739351247,15.335510408409919 +7.2392727955308365,0.8762291140653711,13.387354740198395 +9.955261790619419,9.94348566947032,21.9190265309406 +4.649998255035127,8.66058715183836,13.19050332752728 +2.4356855580555683,7.37566161223297,9.099031165637061 +8.792258568135658,8.146662660807785,19.44432505496478 +8.117740782411575,4.6302663208886505,16.46945937161396 +8.199899477787728,6.9070481302130045,17.692080352251235 +1.3245139814420437,1.1418440406452013,4.504171327152423 +7.719221359346399,6.254640887729238,16.85259943676011 +5.193761171913774,9.072617908488281,14.277939567449918 +6.595903568712186,3.961467450883002,13.93902563934404 +4.139318081761838,6.0524436081758495,11.201735915127225 +7.602752846863484,5.643533069491241,16.10041487332654 +5.087608822191797,7.269007026541818,13.35604523653787 +7.052645499070364,8.303468406135611,16.841002906623125 +0.6255178627729441,7.549521320819789,6.645105583125004 +5.137604509516899,0.7469312003315187,10.076096657793132 +6.790100281695198,7.165401940019428,15.777552271251128 +5.2362716954468445,7.937989776497628,13.867914908983582 +3.002481086293015,2.019072185314361,7.710386779330756 +3.5073395174327846,4.100505132959775,9.278874813105599 +6.959336024021688,8.455199378782277,16.633599296393147 +7.209181900786765,1.739875590696015,13.666179136051708 +3.6621708480025736,1.58413713447778,8.191103368922173 +6.867241995580513,2.481718782168941,13.369506217389905 +5.253869328518467,7.918298431946843,13.853329519128392 +6.709392749216151,2.9837399066513273,13.608686761691466 +3.3286675061634083,6.533642866030318,10.260067938037112 +5.494677493399442,0.9639348747004439,10.71771303443101 +8.73991589273546,5.1261324805362865,17.5830670807989 +4.733610131974654,1.9843933663226232,10.117852125314327 +3.769938189705373,3.328248623150991,9.33601751492538 +2.7073568282942686,5.674065746467731,8.945557299550627 +4.62275360280282,8.891976853146673,13.412486430603495 +9.413439770471609,2.1947342922809088,17.25690843484164 +1.0010542876721051,7.853375514877494,7.56014732146292 +9.94861403638609,8.636000698541542,21.29814110742225 +0.23697402118734723,2.51263550706466,3.6598397595073227 +0.4334227704126392,8.207793770411666,6.579779900835834 +5.814069762923163,5.137185411670538,13.395047037876163 +5.544498819965275,2.524512586965911,11.549219013888601 +6.016383691388628,0.3066697846402999,11.1858315354545 +6.460117239708396,7.344338301788308,15.235054857372857 +6.730262637118272,3.3211751831222025,13.96496889976339 +8.262629151275426,7.155439971174821,17.724242141331004 +1.2829732292427787,1.9514422053831504,5.04899219160862 +6.3710841317823865,2.8941613355602613,13.046222922111545 +1.1943294144623695,1.549689931498922,4.375809708270003 +1.6561718054040064,4.777909068183822,7.076851979972662 +6.0738545342949735,1.7640227485441495,12.044169724367643 +7.124966103632211,2.8101260750152846,13.856680546021686 +3.1155813839396087,2.2349862107410754,7.748619516838467 +7.85206135943191,9.598138329368771,18.630612679552417 +4.924998486780927,0.420306414319922,9.768974722116049 +2.6056931642547587,1.5805029111884605,6.657866387186447 +8.427622848520178,0.8485398743320516,14.801013128339928 +9.664762406883838,5.88513776624626,19.585614555266744 +5.177397870741633,8.473506224191867,14.05267013407834 +0.2754762129145616,7.771527494070096,6.075722673739914 +1.1660404556851656,8.407780989404321,7.9872207926966565 +5.291762192378618,0.6112940236009179,10.288146947888563 +8.332450388013244,0.2731411707125164,14.602774536035847 +1.3837069289360349,7.97824523826629,7.981954736517095 +4.64871123857891,8.813887043548338,13.319037247009517 +6.354292727910835,6.2352875437040804,14.616547484019266 +2.922351061320149,1.3368052355173354,7.087401251342498 +9.611723908966827,1.0479768914339516,17.02041030199027 +5.290106000735676,2.7256859083478027,11.083218807068715 +2.641406635814547,5.94586219302813,8.9606382321181 +7.979341171788689,7.771794828312787,17.903703819878462 +8.688016891935535,2.9290273791236707,16.513453165538174 +4.657513817150738,0.09334573220024955,8.992458019861472 +7.468576231363655,3.0234311214228304,14.856560946777948 +5.614935332701865,1.6930028201945069,11.403344668729225 +8.193995071343284,8.172722192782778,18.34073244337918 +8.774529147529556,0.4593699710672283,15.383170907951435 +9.924587097750138,2.4777941443969453,18.202961743252907 +3.0943368604734944,2.493357291904461,8.016446736137405 +2.6753269836653235,5.526613561036466,8.694744905026715 +2.398105443037796,3.9377131140040476,7.46139481162586 +6.556065824432153,8.360262035777268,16.041645941312485 +6.927415002668795,5.943228447873232,15.250378796590429 +1.477285625410687,8.161156015412827,8.102006696484175 +0.37274887993038686,2.6419166323530208,3.798044042054937 +0.5705891693196119,6.674289755844626,6.2347449936141555 +3.6837108259351448,6.520484832048668,10.941169685256503 +3.470309593035903,4.557407307994942,9.413291577236668 +4.5796101016618085,0.455806536675446,9.08489177636862 +4.302265263460035,6.410643631152027,11.67427421619284 +5.460522460754338,0.7528376627828726,10.502342585349425 +6.680559856867489,3.0886275491526094,13.492437173810401 +0.14434802779022093,1.5559555708424522,3.027998322172173 +4.9755965731655944,3.1040165903006867,10.895659993855398 +6.9438301375355085,2.4065347556576446,13.542271209942715 +7.727961684751686,2.8647718139397993,15.004069646123149 +6.208637075844157,7.992163802511802,15.341283631229764 +3.8555612864374886,0.4680494181547046,7.865841980946969 +5.354455210588808,9.954090615445002,14.99564643815843 +9.689918663769136,2.2102219394416824,17.510903392112507 +7.556965094242524,3.4495183182006595,14.991786720717121 +1.6027248018309148,6.6591470060249325,7.812523371878189 +5.0086872952676895,5.3923055765567725,12.201799179421336 +8.273926622355084,3.365436758874231,16.26051532068677 +6.67094759555663,3.6619146696262526,13.830158975906876 +0.4272389658042919,3.780151073363489,4.6277352676654155 +9.500344632041347,4.8326248208841704,18.746306829348377 +1.0823043683686817,6.878268293762258,7.0612686716159985 +9.633793497185213,9.079452465442571,20.85885121304458 +5.719608378081387,3.762807443485312,12.450303666997597 +5.806776685092404,8.159310621992494,14.736543270338647 +8.612373420184543,8.188438849424411,18.955637660340344 +4.554763784417377,1.1885798957022997,9.442017723508608 +5.691734267387764,1.5642882803336522,11.174788447541035 +0.6095833389785599,4.986678334288609,5.320329774199679 +6.5537345004662795,8.541473064063931,16.000131829300784 +7.828355539543036,8.572405127565482,18.003313415820553 +7.6006877082089055,7.032393969061394,16.840412415029903 +0.10137569140699632,6.261023118092105,5.212332219290226 +1.2048180413911769,0.5866713233254106,4.114109065172288 +1.564121521056554,8.232921614417503,8.418074601559928 +7.438493931000214,9.487724052052123,17.902083551214577 +9.789762586504105,8.93283986373982,21.039494000099157 +1.3292605097699917,8.783827409249804,8.302962240673414 +8.386371347886453,8.710858598596973,19.139069165819095 +1.5168561711649142,1.1679182777331754,4.789502920514972 +9.238088795840817,1.7382664913450452,16.51562359854073 +3.686217310426012,4.559848494940603,9.843463034392478 +1.2444252782956444,0.2063428803254741,3.899012457073969 +9.940904697671161,8.766572448349612,21.319027960702876 +9.123379293506373,2.845630692721185,17.098930787357766 +2.201015727454391,4.258665581754267,7.485844006068355 +4.533193689780068,0.055994388642406356,8.817825448265213 +7.7925311255983285,9.966670381420172,18.649476652770744 +5.286908701020893,3.8825869501245123,11.986448569380245 +3.927518932212033,0.9607713217210068,8.149849841993461 +2.6616181836401176,5.021327886346311,8.370542446809216 +4.318480011346973,5.450347457431102,11.12038425344505 +8.490656486374066,2.25242302699612,15.692911852218346 +0.2766418090631195,0.38225445282740744,2.5581512572493965 +1.3416880530685837,5.704829848044025,6.807139020400568 +8.081848100379247,8.868059392806316,18.654271864150896 +6.351132019749713,4.031432524508935,13.533587091925197 +1.5451470815614743,4.014183394434791,6.303511190109493 +3.3241513390778357,8.700258808571377,11.29837256023015 +4.867193774106072,2.2619589995452882,10.326570575589782 +2.888010668157799,1.36470164542689,7.103446214417721 +9.185854490691312,0.5034584623646854,16.151518664521046 +0.12846248555894224,1.8298893352686874,2.986421795906391 +8.108740179106258,5.234667866310812,16.942449787165458 +6.258432873769864,3.577316754157348,13.109209429587136 +0.6867798554917004,8.561581624921681,7.235708933779151 +1.9189427212540744,0.33059200545114686,5.090989451776726 +5.7270413593319365,0.8328922038460107,11.063212554924355 +0.9576185185983421,8.003770314825251,7.4311865227923075 +4.916095893179955,2.41508452247143,10.547057626673826 +3.486264233595188,7.292409788431716,10.992836532904949 +0.6635414475660184,1.164806159332099,3.5153853237293746 +6.162620349905696,6.069717344671073,14.271912290794441 +9.724621845353719,3.7454948125544965,18.629058921308882 +0.6507762717751586,5.375374348496279,5.530143255214825 +6.383468117617904,1.3960278578624907,12.227351152650714 +5.528619735351967,1.977671216582646,11.384278737501827 +8.447300578810683,8.351614957838297,18.899558351287673 +4.296290959984418,9.66743190512804,13.36755415153121 +9.797738744497416,1.292510889476195,17.210575130257087 +3.677138048324676,6.003214700466446,10.549425924571327 +0.8483780958144438,3.8265550381413704,5.157323993693463 +2.6117208401659076,9.520502209667042,10.90507406204922 +4.115858228314705,7.626708585475125,12.068079415818124 +3.8670536351217377,1.3181207041883547,8.457408943609778 +8.631515301608474,0.004169169031038589,14.977947386586893 +0.5594087397445002,3.6438440589704326,4.666463914528385 +6.868982555187365,3.4170429529077575,14.081896810015484 +0.6631281762097496,3.178400337341488,4.498262375562634 +2.449808589901623,0.05419799818197957,5.838333617926822 +5.348019131804018,1.1664591474418606,10.47278554238191 +2.874962887966661,6.411898302224145,9.538897865616159 +7.2511568882297714,2.6345562685602255,14.11158548658821 +3.2919367106523403,2.4690923812746526,8.17673400253023 +9.56888600316192,1.9051972698740283,17.40472951407695 +1.8318060363367628,4.45035295831532,6.801650991571891 +1.8930635920056915,1.5670845628560814,5.60618983819748 +0.9587953770108548,6.401712481082495,6.495073606601483 +6.1208225490189605,6.501628918779662,14.40411003422817 +7.733000080093962,3.263580127925758,15.08705086622338 +9.184237336119216,7.3320461106875605,19.458557631381687 +8.04708588581187,7.209621638267112,17.632822657854756 +3.584556454325618,2.8303248806263492,8.86670937558025 +4.225170695790141,0.9703036053335845,8.945763657452604 +4.512805015659471,0.4314098309523984,8.985977249809906 +0.03945960027194495,9.314989394746927,6.806049596323677 +6.893368605878929,5.618469470659689,15.28753350849457 +3.4110203942305786,5.705380146850741,9.877010358544226 +8.915757763383317,6.523801339438647,18.779035871357298 +6.024819979535042,4.6020450297167805,13.334558571865886 +3.45697030650858,6.985471139217117,10.58035336158324 +9.809809410158142,4.247576935205901,18.8683488216259 +3.922052040142008,4.281134723650425,10.016435908760192 +4.255439680497215,9.906247733684951,13.195582207001005 +7.067782575093407,3.591844492105917,14.287491158862306 +3.7150237382672255,4.307969247440557,9.890251664181111 +0.36712187580449696,5.2781640202125,5.217622309460372 +8.113809515227647,6.605677932075106,17.62173266359417 +1.984208467615416,7.280342413783699,8.57482659413947 +7.194586063320303,2.625392156489971,14.024412272184584 +6.228746568569351,6.109490331219361,14.229533560149235 +8.397876238561816,1.3607231183344126,15.3739736081437 +1.9483850451152274,4.859695037678052,7.393488314659826 +0.4414514889230703,4.155941976017066,4.699393699219667 +7.882190419997233,1.4871439398399822,14.487591643964233 +4.5994873693652485,9.897692333824446,13.960764180363558 +5.059200134248644,4.9832382412209055,12.062691208915771 +5.587935837241681,1.860043703327412,11.295272585978672 +1.4716388268594427,6.773546291151085,7.534154316315469 +3.9576680990577016,2.8990662821547577,9.345289340389366 +0.31391619919897584,8.460504971784825,6.756139068135933 +0.32328865844832744,7.499831240833194,6.093204585127144 +3.8198855899858097,5.986878105046501,10.731341162468865 +2.476780006901623,1.5539966623207313,6.58772684739685 +5.333880008349475,6.956176949541436,13.470432615038465 +1.9549329494514656,4.363589474325642,7.2196167874034405 +4.4465497029139565,2.1597914907946283,9.88378021433095 +5.65049446252131,1.4593568678170066,11.295778362210198 +5.097491733185801,1.134315113659995,10.159669579690942 +4.855424088551374,3.115990548755568,10.837587571407084 +4.52246292081535,4.337493594431741,10.987018196996429 +9.079331228185929,4.899355999564627,18.021699868414732 +8.184989038768745,2.2565239291171526,15.355434914915737 +3.5208279463425884,0.7508938063319093,7.600357487763265 +4.207477948214936,6.68699887074931,11.909072417801744 +8.381670341093962,5.659149117991552,17.37497099871869 +6.400726695930786,1.7726707761694815,12.594292992860431 +0.37206038233439376,7.91688145177316,6.429591071209807 +1.670382074412864,0.9116953553275242,5.131598293028012 +9.375623209065953,9.635213640591765,20.843184887355275 +6.1625729160249465,3.7863727268729344,13.14234342819413 +8.332395409640519,2.047199593354124,15.33892063397258 +4.293923274296819,3.5701729900060175,10.337631504419553 +9.126999907416817,9.197774153622737,20.42270892073007 +6.508859263236664,1.1074014027269186,12.1982624364897 +4.821927896583025,2.453283662240567,10.577014098202723 +8.849156631844819,1.384027990162019,15.832020181904507 +0.5431027586070736,7.044290335500783,6.4000060236117235 +4.532860749681529,8.383648876030845,12.962318585043286 +0.7462963116931176,8.010761326078425,7.258450518217037 +0.37334752844158325,0.2807001191395697,2.7252904990070053 +4.613157517310297,2.212912896806518,10.119339548209652 +5.937187070065306,0.25816994211470434,11.15864124310475 +0.3538954236297853,7.271484961719405,6.137482464570505 +2.1016516249231163,6.5641712366073355,8.431672729203909 +7.499221615007585,0.5933116572496744,13.434370076017652 +7.697539544642392,2.68421217961286,14.858412974351648 +3.8954595819974824,0.8663919229531669,8.46909263016829 +8.386299833648527,5.607287863257639,17.45867193009079 +5.046652778471722,9.685548109027556,14.308293268190559 +3.345057599406708,8.90779286476696,11.634627095185449 +7.196878810646043,9.28528135852239,17.476859213077518 +9.078020527624597,9.910298050260696,20.65522226465816 +1.3167675203715756,7.96016392091595,8.004286122538282 +8.044943549475033,6.443735281784868,17.3312588081798 +2.78860958238202,9.651482716283152,10.808884347466597 +2.0442213789020958,4.99575378358439,7.674904898228162 +5.214871128191863,1.6182934483603884,10.406019871446691 +7.225288223332409,0.8886716418023977,13.383866977968315 +6.93097778846711,8.486154962906369,16.649500823424688 +3.4939642508239954,7.094208085992002,10.87159684690108 +1.567740081478498,8.459490014528786,8.597195216957815 +9.520316985532247,1.526936934997769,17.148319138798147 +6.918594739723321,5.0583109655652585,14.9086623976372 +5.314993318323786,7.064897186006882,13.533031238466084 +4.887404993364372,6.003263920177168,12.373215459852437 +2.309010194113772,3.7850659648863028,7.543912501537626 +8.652403500715021,1.099025116483856,15.588145316981482 +5.975752609336399,1.8428706223489022,11.753378940893278 +8.465395979233719,5.790439538535498,17.5369157608569 +4.030487826702711,2.4982467365181793,9.354655509477464 +4.368446991896344,9.576123259217423,13.466706711813304 +5.092092897436205,4.694895316998602,11.913369395024388 +7.462738135003091,3.790470708319067,15.313330318297174 +4.27423949880794,3.369477315716191,10.113658286559842 +1.509197553293914,7.138092142026506,7.874899141211781 +8.730309138836237,9.055926492427655,19.49801960506217 +8.808029380377796,4.5178380243799285,17.582510740936954 +2.8406619220319627,6.379237496008234,9.406033213610288 +9.547049119060317,7.27050648168605,19.881238636296025 +4.948485615901566,6.888085745134482,12.835052004498255 +7.72537912454397,9.192692613280707,18.322692744620834 +7.6321575397215415,4.331905556359056,15.660763360131792 +2.736065184654841,4.998816647295913,8.51459757699281 +3.281779446054718,9.42764592687814,11.583454235366446 +5.079658434499622,4.720563359640083,12.120725989067688 +3.481962181548629,6.394069902916003,10.39634012225973 +5.200512786209478,1.2904892289825654,10.50205504971623 +8.692078108304946,3.590128321437984,16.913696226742964 +4.325784299581542,2.056670566635791,9.175132966629015 +5.533982076178892,7.020550624285829,13.937687521219562 +8.811653206259395,0.5160766497226266,15.390282985496235 +9.733319096993784,7.038177420203567,20.08300854059468 +2.842986844115174,2.0447475501396606,7.440785972437449 +2.9608791865459794,8.757257516664424,10.964640007776335 +2.9139017319595037,4.628211345572357,8.73423626107959 +7.057380542422326,8.719898637238856,17.018864027064396 +6.585711623461041,7.531091965344227,15.741909590141342 +1.733267962959556,8.774078276911387,9.129951877340675 +2.7571918361811063,1.283781640565157,6.933420435267015 +9.762442903406694,2.01639925454161,17.662634205542858 +1.3665197007797647,6.2602090010178655,7.106150545870205 +3.188631494960953,1.3334920518049331,7.424177996903532 +6.01121117215876,7.589852272222355,14.824462900923969 +7.931983742071566,1.5551260101227238,14.670231881010636 +5.568670679399422,8.136783706814606,14.320175679951932 +1.6108701142418524,2.076822517706749,5.498395847621265 +0.0241139743167762,5.246341563952881,4.502562976175309 +1.9468169686195091,7.242425757268991,8.54997707911538 +9.622138556176058,2.0875548899907024,17.491935296509446 +6.490970117635326,2.118344614585114,12.80715155726584 +0.18006858979704,7.5855419421458485,6.1479953357061 +4.340046766508928,9.46786861514653,13.315865063314572 +5.3428588214340555,1.5748286897568398,11.023970410978393 +4.497744417972779,2.028917948060165,9.709304422607156 +8.780292726865746,6.909031808875248,18.652888311181368 +3.4123880465470355,5.278203228071404,9.779207361146515 +6.694801882130284,7.828577166454252,15.973310042891635 +0.8014720987054169,0.22518841995246786,3.1883169345789026 +1.1445269716988982,3.94996310172563,5.573424417480615 +4.66706610082092,1.3646163021384838,9.683553949298087 +4.111531378996053,4.416227863618305,10.217821608492011 +1.090899636774867,9.16659960195734,8.186228720636903 +5.991459275877076,3.885355304562821,12.86511260604773 +5.069071834722067,3.141974864688067,11.144797440461272 +8.54331031644593,5.750150415685037,17.80327337807145 +4.948958143935434,9.108854030955976,13.870030670073561 +8.379796982340677,8.128018914258494,18.720684845696255 +2.256092042318442,1.5312311146835678,6.092624851743566 +6.900965197127476,4.686422563413959,14.649983804526101 +6.837127129568436,7.606272321111164,16.1053814205071 +2.953135073447509,2.846504331228087,7.825539925773049 +4.9083156625818365,2.7354931352649734,10.640973284707133 +6.672952760161995,7.467304458807168,15.706053639208186 +4.720389460532443,7.237997655986432,12.521919651614542 +5.104375690707762,7.128717219670092,13.259040597876723 +2.2496824779572533,7.3884304593304195,8.75855394356378 +7.151240234570178,2.6660570704917763,14.148690845401502 +5.55970991040175,8.553116678744017,14.67764940008516 +2.4952264697243898,7.359797840146763,9.582882104076171 +9.53966717146887,8.66241919757565,20.858918067363348 +4.0152008268027615,6.072077329881385,11.152417001110754 +9.917701342527039,5.684374113757185,19.655998567331967 +1.1502760243036658,0.45430754778760907,4.169830048888845 +7.903145097440284,4.236283254018462,15.853465947185212 +2.4681289062919443,3.4767203066094696,7.250283149458447 +7.5737286654645235,4.652473356338291,15.872076070550149 +8.684994925258765,7.349255887776993,18.762276150104046 +9.74014150445425,8.885037667898434,20.86514933496928 +2.5454721178600916,6.590592328025533,8.977968420608407 +0.20543034528143878,9.911067244295982,7.318807643180236 +2.6100610880259656,6.647950936235841,9.152070616303803 +8.491536211995653,1.6046466272797144,15.467012742043119 +8.478793428104792,0.12245665790822424,14.976060714493306 +4.419771380854074,4.720376225311385,11.20466459545984 +3.740907132587359,5.863847463004998,10.55796067076938 +9.14842348702632,3.2698911430028907,17.34253145326499 +5.792598871664242,8.774625257433229,15.166456454079308 +7.729953951013782,0.40733264805495994,13.742436588384006 +9.427907641276622,0.4664690425861273,16.152043466470314 +5.887584743743296,5.753536203151648,13.431992262861574 +7.86390230702316,1.4844305184897766,14.53070888604209 +1.7937039206270378,7.521069327383605,8.539278403718962 +1.4950475241162509,4.694451270656396,6.5913969169612425 +7.316480902109319,6.512419287826812,16.311927073922853 +2.1060418611309517,3.0396025868608554,6.769847443594222 +9.68974903241041,4.486706201548839,18.916580716160823 +0.4445747643638054,2.1958489946633266,3.783413098952908 +3.4243508966183764,9.994894042945859,12.161560897697726 +3.0269154747691864,0.26395848782544973,6.668672503538923 +5.12921577555336,0.8360538497397707,10.086010300835005 +2.7406759869572186,9.923831760939391,10.915726864791749 +7.046385189301544,0.5066662928287036,12.940109339352752 +4.48686718591796,1.716375126288493,9.550112318238883 +1.2294465640212127,5.870654133488021,6.73539208023696 +5.056558896402157,7.428665843155082,13.245009471754177 +8.923062282318597,2.466818574316619,16.483963927543066 +9.22991986655397,5.179917725540955,18.426284341997206 +2.5883491818511715,8.457858381026092,10.163095463485647 +0.355299180290225,5.595093774729606,5.2599669064640215 +7.216215350299667,2.7997768715614324,14.327971571903904 +8.634919175632179,2.4028456335798487,16.116960444474973 +8.398742827317392,0.7854496383245724,14.837573641990012 +1.599275918684313,3.8098458390190815,6.441206635110477 +8.540555127981794,1.4458536512678244,15.553605785132845 +8.754382397942415,2.2973152661279372,16.366559551208027 +4.525083985945288,3.5273440426033775,10.639983965620651 +1.1812622661452354,9.443097395191401,8.398831115898394 +4.381782907522135,6.903312613561945,11.972139290991569 +5.752676766640311,5.017159168522074,13.241023341747189 +6.16577623556849,8.98342306202429,15.923897635886933 +6.993123756941095,5.324800794552211,15.15841468255571 +6.451859606659763,6.063942805090216,14.647041824789584 +4.3312120748631315,6.247640101304503,11.788871777761347 +4.435698001641636,7.576143778719123,12.378956204759023 +9.689124835222856,9.598653574972293,21.365911092761916 +8.207357864249804,6.0175889705948515,17.27705299507349 +7.493319880707405,1.780482952575544,14.157128574624908 +4.790184573139226,2.5730476499136437,10.377255473271077 +0.03494981109347095,9.66737574672076,6.8486464922007935 +8.638485618518413,5.136986184699268,17.46349179643107 +2.541522881190068,6.929752101992367,9.343384192010038 +4.3480108454992745,8.033495334226995,12.55508538043642 +9.995181101809493,3.490826074898701,18.826204765278803 +2.4440304347804775,2.6738248879475823,6.920382100784244 +0.9334624568067196,3.9404619650015538,5.349579569056116 +0.17425052716909306,1.143955574012756,2.895856732548552 +2.716957472726703,1.5986277590948073,6.96062010366918 +7.321590995007252,1.0560479086790031,13.365832031292843 +8.659941050245246,2.211145037109529,16.127263694652402 +1.0859061697156769,0.10106644431258527,3.598067457529367 +7.152050043221464,2.56616745938542,14.102088890671975 +5.094986051377748,1.1161604667215574,10.38660980898315 +9.852959232362492,1.2538473906995529,17.145170729331763 +4.119259266418782,8.516495023344659,12.371541596044523 +2.448869484804068,2.6697178534617336,7.034540228496888 +8.08499515890733,2.733396571920127,15.493806599022427 +0.028713110948129783,4.279137204899498,4.276603360688711 +0.1253520967847499,9.097922838293668,6.744896006202361 +6.418132241792209,5.830142662212422,14.48929559347801 +2.015895108623631,6.999461854286363,8.421540465357669 +6.772546436783458,0.6046357392536494,12.34228410749193 +8.808465308105726,5.794133629298055,18.035489796791865 +7.924668810386102,2.629140721288442,15.145063777617748 +1.2204779975345414,7.024495731867846,7.381340100689847 +7.938826862551621,3.8603353361929136,15.822735269501315 +0.2369227531631124,8.182540246538645,6.381564852603897 +2.0609390633044065,3.390319418974882,6.6856366741564255 +6.282310077771303,0.9995471921130272,11.852975875620505 +0.7199576613846315,0.2570377157527426,3.152052068567497 +9.166398602394555,3.1138274426865564,17.231699054778034 +6.6065881511713185,9.892352490177421,16.923369750223074 +6.694507935619435,5.250947958561801,14.804040321094236 +5.209199335172386,3.7691714845555166,11.580778482018477 +5.997796559550853,9.587913895457042,15.902577178931 +7.880440336983101,4.242266170332375,16.011117264453727 +3.3244482903253325,8.835315296231215,11.42231694601531 +1.357858256265938,8.495852569643018,8.437380093632934 +2.5507676134233237,7.1562923577591775,9.38727077627974 +8.0622058077483,4.769965172634726,16.51848100534294 +1.9228397614227433,8.447677434623754,9.120470740641709 +3.6750834505331476,3.206802604825193,9.120961648935044 +5.100161823534396,4.350862411039177,11.871573805601077 +6.830522170387242,1.3719780837266538,12.936414478530272 +4.356896540478729,8.91701811225204,13.040465620356045 +0.3606270943972545,4.573383331533264,4.760650297419896 +6.605319663852102,8.877110870419854,16.28267694584048 +5.937862269331758,8.244842712393286,14.961778873551014 +2.2269101895928642,3.5280943622785954,7.06793271041261 +9.421322739280427,8.859751130926863,20.663188129760833 +5.579529826887045,4.7548833779484525,12.700515947882408 +4.510673914544585,0.5878966156701604,9.125205266707201 +8.923771039565668,8.181495084153354,19.502948727721705 +4.562511447278671,2.794399727194734,10.196824871195354 +3.4292060642653057,1.2316058587288947,7.890530279384509 +7.217897413057226,5.566698565548577,15.683806520208659 +2.341034228248949,6.230055720776897,8.626757411692724 +9.792302142549747,1.223951354761792,17.292315032270736 +4.584850106253278,4.941588209221267,11.357441920055956 +1.6679721382380241,5.315802109973148,7.006905497944838 +6.0597725854809,1.573445388184953,11.793885454282329 +1.547238990088764,8.56348715633756,8.648853613670799 +3.1138743667004487,6.303333870786309,9.664185954763507 +6.267730756752141,8.39170875582635,15.522688058480124 +7.398946312315235,8.405764334382779,17.262047204852358 +6.252147896506656,4.49457160513994,13.915873111475998 +3.935665213130747,3.790297666614358,9.866020377926464 +4.183930979091578,1.2930925215377032,9.03217691196445 +4.2395837100316704,3.8944490720262115,10.226085378966937 +0.3457166331823147,2.7513075532634,3.9304343191592683 +7.519069747402169,5.779455714096253,15.992315027300869 +8.061674967560302,5.426880443807649,16.772891204651163 +8.540837654752675,7.960670996017168,18.842128572929703 +0.9828457014224712,9.770063680159923,8.21754260442094 +0.14747446901328787,5.968380379296185,5.24471558715623 +7.925115093167623,3.3189413985090344,15.594750482411529 +5.985697922971579,3.6212253084744828,12.728909215296026 +0.606149750075019,0.08461519089330904,2.8680517427084014 +0.9486203011118832,0.984095941200468,3.8434542434582486 +6.1088977739375,5.258652309625132,13.757977920449768 +4.554633001731421,6.919214756024176,12.259879478692246 +0.16826137012448394,2.7098348141573094,3.6582703372915604 +7.773927312876278,9.099771065171185,18.157336248868212 +4.383365962375816,0.8148398013846636,9.142681458702354 +7.9872873922848795,8.851704332727335,18.566270682211808 +4.136602706937195,2.43355253920277,9.445300458685583 +0.4397166822294529,5.910828218948559,5.5805257223139355 +9.098694905624992,6.778880255203257,18.984154356174336 +3.1724859789473436,6.428883242899669,10.004846451258976 +8.320684074480255,4.758300593494579,16.90934789088458 +8.197484899978386,3.9190967666635412,16.235675296560192 +3.485056785957706,5.829886258785541,10.103215357259653 +4.6468641769448125,9.771119204610832,13.891130197832648 +5.163894235281747,3.851720289160215,11.678605647132668 +3.9493354312853626,5.479399506131166,10.606490651940787 +3.5491203800819537,7.229066019649359,10.949517532210384 +3.806629277016409,3.8414438652524305,9.570138922987594 +6.169732493768047,0.6084687269600997,11.483667238204864 +6.553549181151461,5.049722171586871,14.35468713634338 +4.530261142866417,7.192529907079513,12.334189732388836 +7.58255782004861,8.462608634124592,17.531841184863545 +3.7480312081744724,3.270376922533811,9.361806675688849 +7.143421014945195,5.818048591404459,15.584935291023902 +6.318015463518166,5.555229071058353,14.438973897340585 +7.726930232038544,1.9004088849215317,14.60326368673815 +5.5571213274139675,1.581017889436298,11.044120596855022 +4.0725193929099195,6.6399382341607485,11.544724167494847 +4.930716083141704,3.795915366721813,11.222369858076457 +8.849700014156062,7.728257144974783,19.336013344646883 +5.262907850003749,9.50053155675488,14.667246860334403 +4.243652894349939,7.88072927588106,12.360100719795804 +1.6793623980141792,2.85792477110597,5.951101263252378 +3.380855813339548,1.058207527045233,7.626975741991836 +5.018048150760679,1.9226013412649567,10.465461929123935 +6.3418588944965855,1.9009235957301829,12.370669303640813 +1.2350625733927534,9.690867275989245,8.731995006455827 +6.582403058111063,9.364509147084885,16.658339097294295 +4.898877919932319,0.33402463063374244,9.396264961153044 +5.743711704314439,5.5832888683570845,13.561259373017785 +0.14975605936593972,8.612420444018316,6.5909580301767345 +6.199706806164247,7.446911693761461,14.979325238143518 +4.939211061575146,6.18402437908263,12.455351018292165 +2.574698932285242,9.737577677686472,10.917253481035914 +4.007200075476652,1.623266213376291,8.91630569007149 +0.5591541837462732,6.361719330853711,6.13359605963842 +9.833798511764558,8.957944968462817,21.20456407984085 +7.021045674864136,9.905979289928608,17.540109745421987 +7.228282620421065,3.3925112340139596,14.573617408897647 +6.012181330601731,0.7976664248556153,11.399640183710464 +2.216824902225408,4.175402359284922,7.42386424415767 +2.018184935630453,9.535010148281707,9.905787595068698 +9.955975267446494,3.709359201216654,18.94860165610961 +7.092289860771986,4.077707306632405,14.652138772992698 +1.395092043862064,3.3692684770210857,5.645966678861822 +2.333716987156632,3.2807822040741974,7.305325875912217 +2.150216883977165,1.123451190582464,5.952666713548282 +2.174284293624129,9.057570318298428,9.83025034774028 +0.8522167577652873,3.247566437552345,5.081371451671588 +5.284498945026353,3.545126561783568,11.732073230947028 +5.176070950188873,0.43420060234353963,9.890300836684052 +6.485696333643778,5.634788015560602,14.414725514437578 +6.809662658546916,5.67257815827237,14.9186142416211 +4.379035824256632,3.5014154229408243,10.319717130349918 +2.264351900997762,5.000677268066126,7.8502419203952725 +0.26052452377506974,3.2824082809932573,3.9741053641803887 +6.778722935645294,1.0871703968635926,12.700978939358661 +0.6289124231952858,6.521786052913653,6.290058795902681 +3.9777472114235026,8.018250365493811,11.9210451722214 +9.373113039713239,9.57040453732577,20.773332482660358 +4.2559285389417925,2.643272242750323,9.65742786394758 +6.08613738742478,6.281929259282364,14.362263258723166 +6.223449360758967,3.2177861371888117,12.937065320919444 +0.6375173641730303,2.1000483882559893,4.0342910128224725 +1.5441942802223374,1.2390034578331022,5.091095503433165 +9.26283321071573,0.13847645973967926,16.247815370488222 +6.018577392363217,9.474737957401368,15.829273808807754 +3.600531274941279,5.270980891724625,10.090423024339598 +6.9578366347515965,3.1716969465823883,13.904150721156757 +4.7765198770724915,8.17102850332752,13.287145621729076 +7.453556652802636,8.084494114928408,17.228781565854288 +9.87340163627656,3.70327474936179,18.75096465444025 +7.470912629357731,6.027845671019829,16.181107093446208 +6.666047672211963,7.398739048329345,15.718512738867423 +7.497313169463148,8.857451492948197,17.735218733311974 +3.4932167523605537,6.5348135611191065,10.697086166582718 +2.8029043159685587,5.9456870511697515,9.333577178798881 +7.511751401719279,7.910010861616403,17.349239769051728 +4.201245029891227,5.087202232013598,10.918180587877476 +3.3384985117017285,1.690363465396305,7.809796846911089 +2.6051740519253217,9.121370048998244,10.541099972598715 +3.0896954240931596,9.747593335456102,11.431113010997338 +2.414780852153817,7.230710874810447,9.216904828796785 +5.739032935718357,6.968700495247986,14.270736534211862 +6.439579466091811,7.067485835975892,15.246910289576427 +9.05547048435459,5.634694960624814,18.42325451399281 +0.6784878290399521,2.7082543444689957,4.4074300020448405 +7.082189804087639,4.940746279756734,15.084275058969485 +5.485519826196868,5.965804553802915,12.995600176223537 +3.8262927298456995,7.738955250878552,11.482478005348142 +7.235348838965486,7.142994121931139,16.486244154380177 +7.153101740349447,8.903580016542477,17.089388103746234 +5.953927794432744,9.670721994969583,15.755494115071976 +1.191926843906379,6.319589765938644,6.824940836633501 +7.1692654593579555,4.772204109543595,15.068135483003818 +2.8820838645693647,5.50037452711099,9.072886907191664 +3.6474768029070272,9.091240710678164,12.109221623357818 +3.567924125332549,1.7570699270212908,8.342853888473837 +5.763891401654528,3.9599259138036933,12.55233633600143 +0.9589814480084102,5.648423509979084,6.293354250861067 +5.378464111657014,1.731970866331951,10.791138729434254 +5.976381689598429,5.67358973857489,13.80700846361681 +7.736126230415909,3.6156992984263434,15.507370786910828 +2.487595236636393,9.512198869707756,10.480787550498647 +5.612175227827882,0.27139958884180304,10.685531360259105 +8.207116841117433,1.9675806091894077,15.378157496523604 +7.860363176458435,7.051624271559648,17.340489355303607 +9.688137242631573,9.655793015945262,21.335131893855092 +2.7441062465575996,7.664495812234184,9.894974296967602 +3.1685508577992394,6.2919793882959425,9.753019294171239 +5.977460849545931,0.5454351562116466,11.109393121444139 +0.05181749835357574,0.5776401459480951,2.4660397860654046 +1.279420475317411,2.576524913477737,5.358762250340108 +9.069552232425623,5.186326753466863,18.089388059867733 +7.9689173884078865,8.38311752107208,18.151753535623804 +7.349430985905412,3.9138512442057194,14.823624759243856 +8.638593938409828,7.420497533209206,18.570461317581756 +7.431514434050524,9.015743271655692,17.681126220491038 +5.986634724576837,5.285744299621767,13.570954533147095 +8.901625575970753,4.544617281641968,17.433127652239314 +8.11570696028843,0.5384636044480773,14.614678719397315 +0.01289944456322134,5.282924896043568,4.655896951055764 +0.7361189381638022,9.765430134530636,7.876452919698703 +0.05501174039798773,7.181496364986463,5.686069213854011 +2.433846957862207,9.675520052720563,10.48044374390981 +3.8154165062789613,0.2728342626386515,7.901724448936971 +0.2693576540878273,5.533733717246886,5.136917859824588 +9.867119790312811,9.797735350457193,21.73097320920714 +3.372729722892658,4.82703649188897,9.56697642762615 +1.004558057978161,5.221768559917317,5.985902952964721 +5.997015990482732,2.5106166561132106,12.181506908415543 +6.121144359151738,8.996927516962538,15.764106493396566 +0.00955333423480531,2.289337743079445,3.103860360065376 +2.0991956332393813,1.2388620303382702,5.760057215540749 +1.6610121273710188,6.259125453653876,7.5740416679452975 +1.0269439015064263,7.385316090207217,7.192271394845753 +8.870225905583833,9.26587724178369,19.888983976176355 +6.601758143197008,1.9739641063361602,12.76375046432856 +0.8529657553990788,2.320249538069996,4.4854930974498615 +9.619571857850426,9.623452017507121,21.34731411456365 +3.8191888391834206,3.2579154109755057,9.340091899586467 +5.1001058225906535,2.916880914674007,11.203545484219 +9.796624516555633,2.212213900245774,17.75193544743502 +3.691426821827686,4.293708757001783,9.628983027905802 +1.2506402308116216,3.828248267701299,5.831154170363072 +8.567307201019734,1.4036100145675845,15.595503273635831 +5.840219508261873,4.066371380600168,12.782239079761473 +1.7053672611745474,0.12336164449205822,4.687390525047366 +2.733433034899002,0.6182896069800192,6.280596668733674 +3.767684712967352,8.102098556993457,11.672179141996759 +7.196852608776124,9.47383711701767,17.62867925428257 +4.270154173370692,7.078013985918528,12.04045087809392 +6.653417221020202,2.170463031582596,13.148959916262207 +3.035825052326585,5.298295333977602,9.30495916129272 +7.9665731900592185,4.618127344629325,16.221669402146553 +2.277415361755273,9.934656902803699,10.212931685707993 +1.1557880635366846,9.558889074913278,8.487247993605672 +8.090462884304888,8.388935193078519,18.39376149609264 +7.949175830914994,2.08170941304622,15.044562126812181 +6.325823773952418,7.567498124509317,15.21985757400621 +7.456857921016514,2.7156537054407757,14.446312157235951 +1.8111938776368142,3.281229839145492,6.270554799876269 +4.7984448037739185,5.737807470636765,12.0122040677621 +8.369503623191605,7.6903422770461605,18.209712621122108 +6.761505256665162,2.634892929427606,13.406989768990728 +4.788804989349433,3.3543587412796105,10.865174526722917 +2.349281795505341,0.10245360383479452,5.565361063058653 +3.394619705706906,2.561162677146215,8.339483837662456 +5.719023269668167,0.623017702837122,10.821117754064623 +2.7051959671020107,0.44769489988415345,6.224360683916494 +6.414179045134361,5.681895585686249,14.406703893635145 +3.3748002307447322,1.473346004355438,7.8694213647802185 +9.579198327687351,5.843924473886134,19.290666834943142 +6.791133665720679,5.313487532694518,15.160128332595933 +8.06533247646205,8.963800495481212,18.546665277158997 +3.827105435976298,6.900253122306106,11.234572030009723 +2.2988748454639696,6.518550471620385,8.676584125596033 +3.9915562997655263,0.06781599401304961,7.987808939667339 +9.555278684226208,8.684415455387189,20.831362910819703 +2.908365503460284,9.977573142328605,11.451089663866227 +3.1712767455653412,4.588441864590748,8.875667069550884 +8.51259026174417,3.045963513280409,16.189614550412376 +4.505402843875,6.655871671232555,12.072415940749796 +1.3046755477242822,4.223503686917177,6.017053889359779 +3.094099373616265,6.76774305864818,9.874187878202262 +1.3596939006037179,2.327314791009374,5.214778744841494 +7.113762037524828,1.562243697241148,13.263952391128514 +4.220192622398898,7.128807220926188,11.907367820199841 +7.654683844300053,0.9488117867166845,14.02942932614367 +8.519956094194782,7.239723011299663,18.487069235538108 +3.3929458869331377,7.638028523302401,10.894001685105353 +7.282988653406591,6.008912265083856,16.08002068791819 +5.5848117340584436,7.3470348889958546,14.083897650229963 +9.992599017054545,5.785522493158854,19.966242301660586 +8.08717871762248,7.4427371731558285,17.778510289998554 +8.558084020338256,9.545248613841384,19.761913817111704 +1.930832074608152,1.654596363951163,5.723250526036679 +5.863518284149008,4.492950628865044,13.199429848339806 +5.707226929191692,7.9804273448550855,14.686869394943683 +9.317144800492464,4.174158251985581,18.088560127581978 +7.179326455436245,1.9679918784140937,13.793554315471543 +5.345519493545235,0.21804777780519924,10.109309502927534 +5.03750567133097,5.453364591254999,12.201022515846747 +7.354453357783313,6.494847902069917,16.338623806515475 +3.5839673430580152,0.05730900713121323,7.459009730175399 +1.1548587362294893,9.730606535174523,8.435724116264527 +9.223331583153058,3.2509316308114533,17.45218528027936 +2.588529399238877,4.3641629369003745,8.151677003449365 +6.899400296120728,3.568276726579737,14.279812516907706 +0.6729384773115554,4.027950924443964,5.095914828807761 +2.605889944814319,3.2493001121121177,7.381758300240568 +1.6295724578730442,6.588400694456475,7.633114586302745 +5.266309332452249,2.7086311729535426,11.219179875665139 +5.538624813062414,4.92707847167238,12.91135764886483 +7.95974856566028,9.559842693402016,18.658836563839273 +1.3067050897865595,8.839134789079829,8.485485021092398 +7.047969382849021,6.925535452979048,15.972408541002487 +3.7430089714247226,3.43908195464921,9.387316216891874 +0.056394848225169714,9.822048746373078,6.901613797008994 +6.065058323730488,4.023286239239255,13.089849266012276 +5.437688218921785,0.4052703409626246,10.24600634673144 +1.7365095529166885,6.233599249634025,7.865873906620192 +5.1426172968362005,7.870748229276331,13.579814827200252 +6.587426904453371,6.014356759793872,14.733604089934252 +8.152657043053134,0.6826310555190063,14.407669395222557 +6.9088679643128525,7.155907132890155,15.932712232081107 +2.7516354968001098,1.9564963648739442,7.059894612826035 +2.1385247545599917,1.9814086343199422,6.263363819716484 +5.2378219090359455,1.3562631136582848,10.511352777751807 +6.592858614193505,1.0507825894876954,12.531275837130963 +0.268896403102562,3.192902424458711,3.9612541980686053 +1.9185972373304105,9.886620554100823,9.923854328816507 +3.029963006172174,2.2206408602551377,7.5600092384911886 +1.9676982349921457,3.738529048034903,6.6704785518865695 +6.058488953315778,7.819452750462824,14.915125965879865 +3.645762477430684,6.259709800427894,10.485624339932736 +4.820598982793874,8.464953462533984,13.339312096624724 +5.690417771584352,2.8989167187910017,12.026450234639684 +7.0358725717825585,8.200644880229959,16.627699637581983 +4.654406567639651,9.871972388823188,13.931773588465513 +8.790968791913134,1.9695466966549147,16.22398147626883 +7.867558721562373,6.009512443497661,16.637524632506164 +5.348112978078347,5.139385865795684,12.648855446758239 +8.53411142782429,6.108727889034485,17.73501060259877 +5.377059850537337,0.48859906758049076,10.252207308750512 +4.483028697585574,9.080415620455076,13.07553829772214 +7.11736729344619,0.5095397805615343,12.996278840455858 +8.839922821510424,8.26667221377054,19.224314042422353 +5.46684211569528,0.2240546518228148,10.192279616192463 +5.624296180338007,0.545890499264261,10.596631399872757 +3.203789596374804,6.289096189027389,9.937356488752915 +9.129130838821744,3.5779563725947874,17.466747520890944 +8.600237828834533,9.183610104005163,19.573351600402393 +0.21043880457314312,2.394278377525315,3.502340446574645 +7.098622992274988,7.568430430795484,16.528726743940528 +3.9241685021705406,6.56754612772855,11.207958257107109 +6.121586173620352,7.397749616010599,14.786706137747107 +7.186584277451217,0.8587079799036135,13.142510958958864 +1.5825018094006094,1.32727147259316,5.1884467889014 +9.32480069842819,9.135426483529892,20.677657357949066 +7.9741226959697,1.1671856067595932,14.627184709455845 +5.742714699195859,1.8723062608985142,11.645774100017817 +3.683839375588025,2.6709127663741294,8.907727997607235 +8.28930981487466,1.4445139951927322,15.189732387348764 +6.461791686100757,9.83894663776167,16.61713233477207 +6.870545832536335,0.792334890069597,12.871871117151185 +9.07849501962525,6.430796776895962,18.78667507291281 +4.563109796052035,6.596924785411185,12.167157089319705 +8.79044330472637,4.771272279152493,17.400474053929937 +5.313214828122293,4.524473992179535,12.088987524293225 +0.7259142632366522,7.870701269273584,7.205738253021861 +1.2641174364183894,3.945700102883103,5.930704232480945 +3.8682284560772917,2.8004079208673796,9.181276793500462 +4.025071258944184,6.180091103824285,11.135484899043622 +3.1138731220771176,1.7251193769827644,7.397557158604671 +8.693675105072666,9.708326498571354,19.851863907229255 +4.5858382387632055,3.2701971234458584,10.36804224197713 +0.47482077778229326,0.36851540610053135,2.8669583251461606 +3.9288199564540207,9.302420183009657,12.612472078289244 +7.307085434015645,3.49269418870775,14.752305348686134 +9.68046425182061,4.287579032557307,18.82339783603061 +2.7679274397464573,4.263532447243572,8.313130721837302 +2.115432269838328,8.856387702007957,9.353494012934254 +3.6117331041769027,6.579689644943214,10.902511180554296 +3.8904719882716354,9.017314179639625,12.260295735902323 +6.423807517156302,4.882518902812994,14.09318105413523 +1.321429691813385,9.019166628522044,8.501910673306279 +5.4681686827177085,2.850529729614175,11.651607760499406 +8.779268918167041,0.544404273944078,15.445911394917246 +3.1407691732957166,5.368284012021476,9.401863397931372 +3.3981433604329303,4.767342553788579,9.348722599408081 +2.643162523309839,1.3008309093289716,6.873857514814681 +0.36854138616851717,1.576465649121419,3.4061885344503238 +9.529465140248117,5.754031333367385,19.17640144998537 +4.889601252779515,3.843238393057086,11.440207766677863 +7.084201459833853,1.4125947590609333,13.225407108992327 +2.7612986765266347,6.559021196637528,9.508297576773135 +4.790643645852279,7.700925389590887,12.980911570304311 +8.971098439566532,8.23372591370656,19.61374390143543 +1.8420771426073201,0.9147023552697853,5.262912151524478 +1.694406005450485,7.835306916002306,8.225614288634498 +9.138310894927105,9.254488677038575,20.19154425190048 +2.9821578937044557,8.403413780135583,10.833587651299107 +5.362355350220966,8.227918483482073,14.13227573636939 +5.483648423800011,1.4589321977911818,11.15509675253588 +0.7921955107309742,9.572191492093395,8.105401556410067 +4.25802556431579,3.505206448973178,10.117614091748283 +3.563030847683104,3.78934411475472,9.208366895576148 +9.44996827894338,0.6270458740317586,16.653316997036068 +1.1906128738229915,7.896515154818492,7.944478881567851 +5.494094913401387,1.2853675796095199,10.855166004436109 +0.3446013677833637,2.2423434827922737,3.7918902888536037 +2.608107377102711,0.1421302957464199,6.086228069945861 +2.160905383371934,7.383189369523997,9.053207489635216 +8.554336896370037,8.982358297697179,19.3327990861649 +3.8991403264354343,3.1941372590355765,9.378537326013843 +9.998608482078875,7.693404509215887,20.739177518761124 +5.3735208090755435,2.547714326893966,11.203711738124984 +3.213054528851047,5.153643488293872,9.58749242547865 +5.420829197907507,0.1367864427367782,10.200731495606343 +9.594000852714744,5.756062473515636,19.154554954830523 +5.891582444091333,2.114711337538192,11.994972077511795 +7.649871788012479,7.372645200918427,17.11324306229809 +0.9515797340476406,5.949943722599203,6.3372439118012025 +6.581937453298798,8.355681745738773,16.25754805647647 +2.0609117891771067,8.776347968064059,9.346471380689014 +4.614810717075956,0.9652361930564479,9.428338910439127 +1.0562122151087594,1.9780445367316957,4.5142485834766255 +2.827507059853085,4.964058044597996,8.648239182579184 +7.487511977445599,1.8672590201943229,14.018511993786964 +9.926517944995366,1.615219317703126,17.703344929620418 +5.993779677221474,9.2894043587134,15.547981595456962 +8.32507422876827,6.478892016631599,17.78619514238054 +7.154929967908985,1.342056267053643,13.398722395122945 +0.0966305376024823,4.341487843603727,4.284427194044593 +0.8951892633830305,3.5775256191282434,5.044692255569961 +2.237427935697376,9.163467223807427,10.080946111634185 +8.800559990080576,8.189428485310085,19.369122268146697 +7.139442984139875,1.54071929104027,13.411389866346688 +0.48367426199151575,6.538878578546925,5.859030177756868 +6.422581371750993,3.6942428475448095,13.292194562856212 +4.7268666643559705,4.891493882379894,11.64978227710487 +2.3992813274650637,3.141666119075859,7.260672344238619 +4.183895546635016,6.031790299115897,11.396395499130614 +9.558192060173925,5.3848460951904,19.01768231301549 +7.311639095432016,8.070011023955532,17.08306535773072 +1.135081213085536,6.53124667553941,7.070964563721092 +4.821107202544245,5.724309422478921,12.086835976128514 +0.3841693576904459,9.062157365473851,7.0715179077132335 +9.527841495754501,0.03481923684611754,16.211543494117663 +2.127915920415109,1.8019417370894997,6.1354596374203645 +7.813045172798514,5.980800591118203,16.765889438128188 +1.7733366329673173,8.139709553188604,8.689206251729386 +3.534748718057484,4.608568762931023,9.577533295095487 +3.873066053206454,5.213802064412295,10.394770612130518 +4.801424688287254,2.7458400266244265,10.654181152329624 +4.245560374938403,9.083371498543002,12.772593743923753 +5.028941364792451,9.163864104223755,14.014818751069336 +5.501270478179646,7.688172932641589,13.987417655477417 +2.935913096597129,7.904134900444078,10.341083903651272 +2.643216129849856,0.19549971642973007,6.094101773106206 +1.6072894317769304,0.21652875032036834,4.412310948395533 +9.470626418914286,9.999770204176942,21.296725317833822 +7.622302636195206,1.0812816375158762,14.120359718267686 +8.989454603326495,7.437761832661044,19.244442583289995 +3.322445154020879,5.022779118089321,9.607336300604548 +6.617593412619689,0.24050475673271232,11.955125291870669 +5.015409120998951,7.323954332549851,13.095954876404397 +1.8822537189633282,4.437905734793331,7.0937958436014315 +5.325301291849333,7.355653719592322,13.66193852600647 +9.644537107931075,8.482755480042915,20.618861386239058 +6.215184202299502,5.836406748348093,14.383484437290877 +6.031866930726707,5.451786426597738,13.803572632945908 +0.5936288025892356,6.98296394588205,6.452142674093553 +7.16336800129603,5.1248036226702745,15.240028666933304 +8.70387605402543,6.7243680275667845,18.58598894044574 +3.6266465785701696,0.1969435359863425,7.522848734304274 +0.5916164649768008,3.517982616417863,4.748321682473147 +4.621053251986829,1.6687111950842504,9.707652694809394 +1.893283064226321,2.3021135877933627,6.007846175845612 +7.805133395762727,7.712878409517714,17.61992290142479 +3.829389854137788,1.7236438158439582,8.805447400485384 +1.1090838506346923,0.8712931204717322,4.0552996262018475 +3.912792508993721,0.455424333211194,8.11715719452935 +3.33635037126335,9.615332425411374,11.871377295662471 +5.075046156100386,8.22644656835189,13.584308513472378 +1.2926594589539908,2.6807878240970484,5.061949116097342 +9.465464445440087,3.835518969340236,18.016372420286462 +6.484061284483223,9.761267791625894,16.703443811678394 +5.507877563307355,3.0534594922873595,11.960186781876724 +5.319484559520623,0.5463719933085931,10.160114287416514 +1.1236987409269117,0.07171105052269922,3.59973118622363 +8.842100415650043,6.712804288995956,18.77302736550035 +2.983297651327481,2.211614192073046,7.524210901142978 +6.830766011577799,9.195320647852824,16.80663026689354 +2.9913909105211065,3.215591093867818,8.24079531198718 +8.542407251937728,8.933758158837522,19.409960034308376 +9.140365668297786,2.931542080066948,17.269726093816224 +1.203125675963489,4.39997571998542,5.833529261800973 +2.9576486514118105,8.838666668118357,10.729960787471 +0.36634941803544874,6.338804696362724,5.830977284036457 +9.061813657481139,9.76670366806066,20.50786133919794 +6.5013059929804315,9.4992295702238,16.42380030223579 +0.7565946262506729,3.592783459962398,4.896827780274308 +0.08714697326733689,9.811837721908184,7.147737864064978 +9.027264787666992,0.28052556248201355,15.833920984120457 +0.18132650459765975,3.6696949410636615,4.106239898692254 +2.585379667909018,8.469322772425022,10.044039087445698 +1.604844032718623,7.906494627008573,8.332964057117527 +5.5445969999066325,3.773917714049878,12.33816091411672 +1.4571976173337875,9.976913059596711,9.30660629303931 +6.1798612092153675,4.393822325679943,13.486128449703054 +3.7112755655273166,9.057282306308553,12.042605546392078 +8.21191808190761,8.111857883682237,18.48208254911758 +6.161984729623928,8.879565826958018,15.845054462282347 +2.9927837212207042,7.037061351632893,9.862355559132718 +4.044477423918925,5.999988085596922,11.043467010626452 +9.981530006126928,9.845247806753184,22.0105148130289 +5.126190164674482,5.738634521648246,12.565969739376557 +8.97321769137301,9.85635712513855,20.339146462438023 +7.786078026260798,0.651844579586307,14.023558140118881 +3.2263973434386397,8.965623399203078,11.359478144956437 +7.683525058504806,7.422330710244271,17.123769207980022 +6.679232304681411,4.152638496323835,14.104247215403335 +4.0324132034470175,8.08932487590801,12.130015594760726 +2.9378029176507092,6.848318727009735,9.78177921409225 +7.262085234239565,8.445559893615288,17.037958979238894 +3.198855907070157,7.418892668382021,10.453941435803808 +1.0648989757868688,1.3806172895190472,4.19056584706607 +4.173360401734016,0.5522577635524728,8.621231539526592 +9.476983214653384,9.018958105093605,20.626589863023614 +0.48933695525843146,8.383117218922788,6.944468372302656 +5.088741740900254,7.019628883735499,13.105507156466862 +8.869311692981872,5.769744870776986,18.118221539455153 +1.1632710028462945,0.025786104865862525,3.8949323191732548 +4.969215322514465,9.492321321243601,14.186905296530915 +5.726218716131958,3.729391380882292,12.387083821962422 +0.30922017080913355,9.149794172782004,6.962215472655562 +3.2715666085804216,7.047774013150962,10.465143392321364 +6.9423720211146485,2.5388316136874787,13.765632624569868 +0.6377750646072533,3.8500037867184354,5.0087399732543805 +3.171310138371999,7.002563988723258,10.241481576167743 +8.19782495659839,2.2244541739167465,15.38619141898531 +5.282310697764423,0.4060834738816166,10.139603219024767 +2.142558229334619,7.61761605322083,9.039357837072151 +7.933983204890724,7.764044634518033,17.70579145646072 +1.4238792498827013,5.5103472746841735,7.037233710159747 +4.227084144433829,9.914862967950905,13.300279876310071 +6.540698690583361,9.35202091395729,16.54053249374194 +1.453503050084376,4.508732731002291,6.477066397069926 +7.716076001058686,3.678577280304026,15.453795939612792 +6.325084961536467,5.117021723736607,13.945728627617196 +9.919294092179923,1.7387254006549147,17.747663790340155 +9.353486953301278,4.015709538032968,18.266159628011113 +4.679929663772945,5.28601883689979,11.821620785904676 +2.6536654943357982,9.63657442610793,10.814486220624598 +9.114872052347895,9.729051002113627,20.500147134477146 +9.969195722095229,6.69800095180972,20.0810160999687 +4.516854958057447,8.507339014963048,12.979218326545569 +0.23804877836338556,8.344040447135034,6.521251480355353 +4.972860242110066,6.732200270834178,12.793658852559574 +3.740460613425076,3.686231538668159,9.42903844740061 +0.31717152810887717,4.237894304290133,4.6569475792941635 +4.083541954193301,2.2479110186807127,9.149232868191248 +2.4732327353976746,5.841395804425117,8.657812176921968 +3.1777144253950307,8.302519090172897,10.906805296732285 +1.1138510685706648,5.776449465750436,6.470770984280519 +1.6004472713910234,5.282406269206588,7.209284519010596 +5.525458869503187,6.422976865257292,13.574457725414343 +4.274249472728937,5.094746851292545,10.880107655721211 +1.8095261608129332,4.630153497363296,7.081091098357069 +3.7303038909429054,6.661311046544097,10.787165136570245 +4.348217234964861,7.793416509802203,12.352686189605087 +4.259920985736922,2.3577117297395866,9.701494322895943 +2.736887189585846,0.4528522509163657,6.366908397363744 +5.399188106009101,8.308808839003218,14.280306310148184 +7.691117068175702,4.377894663384714,15.824319742028624 +1.961203551445122,8.634844432974528,9.320355354645919 +0.567810340450684,3.99222725202494,4.8212239814309035 +8.56615142383951,3.9317668740419642,16.908751037224985 +1.1787547075695992,2.659495003457961,4.928984005949535 +6.000294417429483,1.5203590769457087,11.693873697530409 +6.549353268423558,4.381619311992457,14.00514446234093 +3.3438950082052186,2.4092548052316385,8.275242815650044 +8.233299858567095,3.9667394746340157,16.300819600438974 +7.3847926560622765,4.4035519263738445,15.100558882217692 +0.9186718688677942,4.405059751672605,5.388089848844807 +5.076877797357639,4.578421934933768,11.897718391913463 +8.162417117482725,9.108513490430294,18.75010486664016 +7.867786752110339,5.827819022109598,16.62459191922709 +5.414499605548907,6.44616030123659,13.237102430153314 +2.878302964393745,8.11846846148685,10.390066282129284 +8.56848177603661,2.6721716318183053,16.319034607421013 +9.028182081400777,8.487327239916674,19.799322791546558 +4.244867674825103,9.090002020927455,13.043862781179614 +1.2043899381150813,0.27986559208900363,3.909118536047829 +3.4786682559405433,5.654356988273451,10.089525108636307 +3.514426145328662,9.420677336713595,12.117181811166994 +2.5471022905514507,2.8121339359267896,7.210932946391359 +6.348276125448551,0.038638823417082024,11.544330830300467 +7.275570523545992,3.7746948309315718,14.763254827013471 +9.77747867643296,6.9141759302974855,20.182556603718773 +0.5221495508234308,0.9262780874197363,3.3365905800575004 +0.8816810692415855,9.526222598919437,8.120760916262833 +6.840515412175877,4.276060072889357,14.37585895754704 +2.00482689880031,8.736397464358031,9.22546672398027 +2.0155592767134047,7.066792164758175,8.551892018229086 +7.63324361545346,2.9465608885540826,14.90395048954969 +5.049147371706423,2.2298928231839388,10.712267078540213 +3.789296574554981,9.651343982800087,12.521296076548401 +6.9313803465443025,8.46614206190515,16.78738236583686 +5.40599571466741,2.3903974215135615,11.234551293889872 +7.128798566671936,5.005679607905664,15.03851134872011 +1.7684886810705869,4.124298896182102,6.600628929509098 +6.34840219016306,7.353318566822383,15.135900270008527 +2.4322079589035175,8.759973393493311,10.136499352260298 +3.79551107074678,2.711367178927484,8.919225937561663 +1.951200554537248,8.041713344029736,8.831277284284987 +3.5416457496606246,4.833990278879346,9.770854385073424 +2.2281982356387564,6.860910711689315,8.857683318521886 +7.810334075524223,3.394252489533416,15.257703484118563 +9.45079385371402,0.3061060956023609,16.15203835557774 +1.3294310327404035,5.887870315604909,6.859428046962941 +7.014068620483797,2.50682989509059,13.840254091551358 +5.540710968913485,3.183862470428127,11.917320359875113 +5.540892456215902,6.593276777642525,13.532979686383873 +9.728080535690575,4.556968600211837,18.94454813946214 +6.482160402713806,5.780392479199319,14.62586737604359 +3.1755489388757296,2.5306413169772037,8.017884513306605 +9.878707217447237,2.0685236170151535,17.6908877419088 +7.902752670742368,1.4658739102076102,14.510014107560389 +8.043512693612508,1.8572844298954805,15.1896040114012 +9.67156644016167,6.859876565745173,19.90365863055951 +0.9011824367582888,6.931771194590109,6.72197989089714 +6.036207627815519,3.375462466939585,12.703817538223312 +2.607359977567146,7.187607817481521,9.516752333065998 +7.413613729498659,3.2720584895253655,14.844784228211012 +8.762271108395037,2.6882721888849126,16.549651261043895 +0.6986442597481102,5.998678448275786,5.979646012938107 +1.0707057283161614,2.7666406426648527,5.116536597180027 +5.07186393048438,2.8635962235729764,11.121062843588069 +2.149963424200444,7.031854149056544,8.696358853151295 +5.469993414022955,8.397612482502804,14.390976536788589 +5.812395946554776,4.834472117737784,13.195896887017277 +2.612563516107882,7.920658750912973,9.98664499878303 +1.9687100856436723,2.422284109731603,6.012340399821335 +8.4158859675307,7.411925257292111,18.336836571085296 +6.128734889795205,0.38920530786573426,11.384592524777151 +1.2725761828472648,4.9995746018760965,6.35158817924604 +7.4633892348289095,4.641008641918233,15.458008054594226 +0.17293024414783087,1.842699986668217,3.2861830005468744 +5.8876669962021815,6.9421705968799134,14.356053604099774 +0.33428312711904384,0.43331753460500333,2.928746916331102 +2.61310115456363,0.8350169538656493,6.280180927820769 +5.419462321933647,1.2370198195668047,10.761416840106023 +6.482193349014224,7.77225319307587,15.640386645196868 +9.705166637521067,9.484069616377143,21.38939317167313 +2.7336515023527816,0.29409602623172826,6.383366541073265 +3.29412216111768,7.084801187126533,10.492944995427479 +0.5980120927253929,3.597126576714287,4.586103884301478 +2.9803454754690692,2.193456358189767,7.496158566625158 +7.061307547303153,6.59097005024374,15.901719107804627 +5.354940940343433,9.107746396815976,14.698560790311985 +1.0313885273027246,1.4968922447813082,4.150888316581416 +3.834496792194131,6.558820518629006,10.914155166446745 +5.840792922454121,0.7404268746793197,11.20711816988892 +9.584248037464674,3.050648164613915,17.77233341986088 +3.5897261378309384,6.2362979904342355,10.390235917699874 +9.451655174597347,6.62688239103272,19.60457770272249 +9.547733295477041,1.8759111882047896,17.237423355896926 +6.188099289729349,8.288788918762847,15.396762195904834 +5.090244682548471,3.6217367582934044,11.583064785128235 +9.847585300318771,1.409873403966605,17.37001698693211 +4.109295275286566,8.733737525606601,12.404413221945656 +9.004807465059208,9.803821015597741,20.572042957006403 +8.848475922643814,0.5095702538741254,15.550831241467614 +9.297664996274882,4.281671914067853,18.155303926468015 +6.51619187456582,3.942758691671191,13.71455875015257 +8.136680766135488,5.759192763227661,17.07395768821466 +8.455446425540043,1.9377147152076724,15.581650422579003 +1.8498309475490227,4.40376801584787,7.008442432678948 +0.04751544962480536,6.928529548962581,5.618675242065792 +2.9605372780801096,5.572993462144499,9.246900839235103 +0.7000356046084688,1.7064435938269396,4.009365879761811 +6.228591700219328,3.0566262711104306,12.937440252283713 +2.147219425856337,2.2884650080776794,6.260217414960397 +2.1481936472549545,6.228509494305482,8.322070817004924 +1.6769121446945712,3.627063591798904,6.2840605471147395 +6.8788686559345225,5.136710573476506,14.96200168289607 +5.972808707754838,2.509069794637485,12.259906705485657 +9.327148731652056,4.138792483163356,18.072857605733383 +2.8696393661233452,9.043261840584723,10.927448846031703 +6.55289615264387,6.139458631384505,14.712505514310246 +8.86734652166168,0.5854028627138441,15.533408191455468 +8.376795120075803,6.778643643051009,17.90268580127609 +3.5999279478012935,2.563513425238556,8.706822073183327 +1.0480589988155764,9.4107417024669,8.332740369341302 +1.4191210332953619,2.594385357308843,5.4257434508543945 +6.911071795694699,7.101524378859926,15.785873896482352 +1.6076870460259396,8.141311607656277,8.522863551626244 +5.102872691763625,8.48456678115109,13.90939861157136 +0.8728538984754453,0.42829999093689675,3.3765594721854426 +6.3699038149434974,1.5002379710981684,12.275434519157079 +5.249490457333,0.1410875928450872,9.982181937342876 +7.799292605482002,8.995301701785015,18.36191064145726 +8.38882761964288,9.583528131504183,19.266098407839426 +9.030957546587896,4.440180182903653,17.845538455262506 +3.9834820844364662,8.96183667971543,12.348494091234969 +9.26938795357227,9.72835948318037,20.641200823002308 +7.683172348427827,2.0198882994138034,14.413543547495186 +9.449541361107224,9.471414668162195,20.970520769667097 +6.661313639129714,8.572802663494848,16.2913611026532 +5.611764211639523,9.441269454117228,15.106812114789527 +0.9393639659209119,8.639636964847707,7.774647629801365 +0.5550362903713935,3.391070522180205,4.532171837354172 +1.3532564261526192,4.791350924629122,6.436611994510166 +2.3224615799246995,9.520723793339972,10.213701648101047 +5.593213336534095,8.977307363037248,14.775718980213743 +2.7805846905115095,0.25977559946560813,6.46989554712016 +7.756550036839217,7.023776599719719,17.286756516779857 +5.454916456741936,8.153427297292126,14.418104204112117 +8.400843726481325,5.879033080181738,17.486850641171763 +9.65927791853937,7.197119476173272,20.019283844640572 +6.768753761626288,3.6142179255864537,13.918795109010887 +0.022585786000076657,2.40942673894178,3.346002742872955 +7.639205068146299,7.098712544371741,17.00814466726853 +3.3102214483009416,6.255829745384388,10.038927875278794 +1.9528747947313718,2.6362771926904403,6.28383695625016 +9.474080939024965,4.131805729355945,18.20337937988917 +2.4498759429885455,4.871082468389915,7.974816094010561 +3.870158797873662,7.295290373491056,11.465806879324386 +9.621161064908812,5.917374244576918,19.338821398439084 +5.911471869369151,3.6483385872348304,12.690007088103743 +5.6463093197529535,3.1932886638713818,11.797622347384172 +0.010920743123419285,8.660961728784851,6.25765413955371 +4.2944408552170525,4.920884850539967,10.897597982263507 +0.8350091542592819,8.37110513405392,7.286427234439885 +1.7033707037759038,4.106211587843159,6.459922995021893 +8.402655470638813,4.577829402135195,16.896774844686487 +9.311523354664637,2.093143034206897,17.084014740646168 +7.1523282995477135,9.779985235617275,17.529313459592746 +5.496136372203109,6.921838986439929,13.678911385772492 +3.932266596010084,7.513373397254689,11.631184324957589 +9.088740565237291,7.030555670505292,18.992157261886145 +9.359287113809792,5.8865265199230965,19.100582538631077 +5.771374404509629,3.0462738810915537,12.161902802289399 +7.096274911637859,8.819525217561553,17.03695101668976 +6.4631622612893125,2.3303922059858295,12.897237835323184 +5.4410911472168655,7.55937416951415,13.785324307182252 +9.393633148727528,1.5659604952055395,16.965423400223266 +1.274970909665606,4.1294353023290595,6.082235092758419 +1.2561116946261086,9.804289125051184,8.80036527414689 +4.243043672825592,5.336105190679049,11.078838949360776 +2.270877812927713,4.491261235369293,7.619339387331106 +9.846939348612198,4.8868715136696945,19.300174184634304 +0.0882392580448621,2.4252753025063054,3.2627025676078483 +9.78454830478504,9.890675134107326,21.618920191667804 +2.1049308977170567,6.152640878438534,8.236443134397021 +0.7690833050541446,5.774416424446292,6.036964722916846 +1.2592070148643741,8.18661523642658,8.089030746138864 +9.395749876022444,1.7298680804948263,17.177379338003252 +4.62712168594824,1.0204299847463416,9.439913816572835 +3.39140007072975,0.6509775476052648,7.459624643279973 +2.6454652801742706,9.902236670893016,10.839073511853968 +0.4460326732140185,8.589683296186706,7.06708280593086 +0.7745257775410486,5.289969311173602,5.7550248562665605 +4.521197924273457,9.31554660020645,13.754082998039651 +1.9904986228508958,1.7968201537963513,5.717084031211451 +7.487140885678323,7.257194731003539,17.074053210728046 +6.991817704927987,0.26127116172380727,12.71748435705883 +2.599596867249087,8.398951778542994,9.986647006877467 +6.008581214567727,6.021949207321816,14.25579126428946 +2.959166054048117,2.601730885569479,7.64677348286267 +9.465548880182547,7.277552788532122,19.80566662950361 +1.2686611780183754,9.377069421437639,8.461867222159375 +5.823701518180549,3.3336236695708807,12.387718921537376 +3.971394463995984,7.254045103526182,11.578844519781457 +3.7627265168608357,5.78744799118607,10.620816839945261 +7.104994966484048,1.9537499730596453,13.878198806474828 +9.442414862425494,3.561727714354098,17.893190086968964 +4.193747570769143,6.985143678678206,11.507930153604596 +6.087850893877641,4.401198369391793,13.397225339999018 +6.497420403007914,9.028283075720445,16.20524107043884 +8.002836166454186,8.242590099547737,18.307394639810777 +2.5840840856731297,4.194033492976375,7.969684414167523 +5.538191416540592,0.4419081916148293,10.452332143051018 +7.697921803773245,3.234634244150889,15.062902966149087 +2.825960780410143,2.592920093561464,7.597689889362376 +2.833792654200644,3.3801483215783223,7.91323947578736 +6.048245580761592,5.835653219000632,14.136965705955731 +2.5571175360187537,2.064242765732075,6.846738737001988 +8.263581900713568,0.9272333767636654,15.000451555471752 +5.128228412009275,5.205608741892761,12.157133568352195 +5.741368068116216,8.856501159071357,14.866440714526266 +6.239139400947677,9.736337662480233,16.309796694702232 +8.713530833487276,2.1474025948721156,16.09755498811466 +2.4118331022530115,3.447741359151706,7.315265246751004 +3.915144150801313,5.529951203076955,10.536472430810248 +2.325126328963388,2.2234518111376564,6.490865260769775 +3.8138995736807955,6.72023113212752,11.144531637172642 +6.881256130961884,9.761167400402895,17.200583167163682 +2.0241543392181405,3.9285915185698075,6.894507153172246 +9.646774979390605,6.900087426655521,19.999260570361837 +5.922785248220191,5.396460514013469,13.699899476576942 +0.7551038013625655,8.933738088159103,7.588641534416081 +6.255052154151076,5.716674079280341,14.34123526266758 +5.395003433218426,3.919142073211117,11.951895697331997 +2.5466469136089276,7.553219853344842,9.654301187062579 +5.095675177616621,0.3393953228922031,9.829385448991308 +3.9909449977216327,9.286036382228325,12.550279578532102 +3.7389456154086287,4.132330079255738,9.87988932087284 +6.239611230550356,8.016748038158823,15.391068364080605 +6.684611177047122,8.500547311229464,16.218108398455175 +1.139705870406983,9.245925533186488,8.334483977138024 +9.03921932411386,5.191485865855878,18.067602480465876 +6.24742237787201,2.1281305020140175,12.319510978301448 +4.479474379813889,2.0270336091981234,9.687786413763623 +0.21976678941019512,9.809030681270524,7.1959942817217994 +2.591465157102051,5.931083088978353,8.772321899121595 +3.00250383537863,3.7062162021043488,8.481975184302021 +3.9776155858227478,3.3504673132475773,9.565079378172834 +6.373997593399357,9.609362704886061,16.272454838407576 +4.28634650006233,9.733267240542652,13.177581346423612 +6.677972373447831,6.07136195021009,14.924441229601856 +2.37103851798923,0.6292070589938081,5.973906474934566 +8.519347702918289,5.739810639442689,17.674743590948136 +4.144138624248819,8.119673220884835,12.345077301270079 +3.105803825773188,7.836172559644873,10.678632526595047 +3.27963835405797,9.208811864041635,11.490533487097718 +2.6796687445680254,1.3755411757457114,6.854497680912433 +6.980967083494118,1.6284725306477077,13.222997872739041 +9.493630502889856,6.55555112388866,19.408648713699307 +2.30860661284526,2.0881893428542875,6.544366256700223 +9.238750391204215,6.078579128498909,18.91186993885063 +8.937360066724167,1.102252048458252,15.971462099868948 +9.253921955791762,5.200493119940884,18.582661627826674 +6.6842191633135055,3.7287547154128067,13.901327199126886 +0.591403220058262,9.57972441341829,7.708272217697973 +9.94598329108482,3.64546848760443,18.877669438281917 +9.438679297519796,1.6772629096156422,17.02331849862648 +1.5468444965857553,0.7311184000917148,4.735251848350425 +3.9126940758415074,0.5230225018159917,7.988780929642219 +3.9465718961289675,1.3839042864966822,8.98372513550886 +7.305277955729573,8.333626493364081,16.965645950123392 +6.87815427796288,2.0049415243615587,13.265769243963653 +7.668481929079557,2.4950019703327495,14.693267150505484 +7.594885969685274,5.673975748963908,16.440118380899783 +3.667125162912097,0.8349237801605769,7.85808969712073 +8.275095098070258,9.396529207982255,19.155095194884762 +6.6591778000063755,9.645415666934388,16.755197954325624 +9.341114190429911,1.9460840080375363,16.88070358358665 +7.312123485982135,3.4930481943769456,14.771744861460236 +4.87517360565626,1.5696543114884576,10.02569092891644 +9.747794280576525,7.261373830764085,20.273137326526072 +2.669083096309681,3.714716901680335,7.923652347501621 +4.224829268287844,7.475337241438402,12.265588012926777 +9.256972667695845,3.2144013298457166,17.366442170309618 +4.725000882804196,5.932075728347011,12.038257668727121 +3.9334399240031557,5.041813233656852,10.40991956307606 +1.05707629020102,1.6767438772016607,4.424079183339887 +4.011012572201449,9.149390117705526,12.848094049446527 +3.4935804574463356,2.4979280860501363,8.472001472833185 +7.428622208492759,9.491301660766092,17.63652518336771 +4.591236170635474,0.08604955567183104,8.91003594759675 +6.881493314756179,4.150608016161449,14.385706258934679 +6.736455366162152,2.7771651582920356,13.469161465429895 +0.02408143816962416,3.4449621874560377,3.6867388311974953 +7.047923426129415,3.9311328300918924,14.405321390625334 +2.19174139653226,4.640068641341015,7.8235955194359486 +7.523485232983854,1.1943308679230602,13.9142226306311 +6.917520336466478,6.673440238039473,15.69377659614287 +3.7073787968507133,9.703361913794945,12.625511748833624 +8.947052994803515,3.1616148080206985,16.914521127732282 +0.31091093393843083,3.0830480674507665,4.068131275652197 +2.0472194254104323,5.472519140475928,7.682182569844775 +9.187444211821546,8.703375100375215,20.207929714222526 +3.058291556648267,4.28597533555637,8.616975473488816 +0.3654219907956646,5.441635076491495,5.315996830048594 +0.6336798005072886,9.386061662290997,7.838874109796596 +8.669338348522723,2.14187626437503,16.08429061441026 +6.9936867986204545,5.680203824333331,15.111373963663478 +8.01357712516183,4.756521067515199,16.40220336956581 +1.91771970665778,6.398434001228317,8.12384176257882 +0.8028032699594501,5.845879911684221,6.217243258860543 +2.127048054644576,6.849364371235602,8.76261341693297 +8.280431617281085,1.0952472928207246,15.120728136622848 +4.002685521485923,7.335215877759968,11.658542237306195 +1.637030615188585,5.665236700357132,7.222220418184552 +6.718389818757231,3.5479360723938225,13.739701710268156 +8.31982274202601,5.106581850467138,16.979030063671384 +6.2699483994050995,1.408727967047787,12.15693963419202 +0.23160174532669053,0.5074857082498629,2.4662806906920505 +9.03920148198216,8.826423842482512,19.879328117671644 +8.075914391618426,1.996120912348608,15.168161952411399 +5.2545865194950325,7.961171005483734,13.797816569787285 +6.746691812557738,1.155211936759376,12.734642310577012 +8.955411998124237,1.6068239277796226,16.155098941495627 +1.7179569341333545,9.010086291707083,9.110758377363824 +4.84616939094516,3.7289182595646686,11.056525516981099 +5.536567422980565,9.813973328321113,15.021640159419535 +1.1963045524104288,7.569488487920653,7.67479675973838 +3.343258622441275,1.1704927084762373,7.530544838717567 +4.2193335535293865,5.4875287772527095,11.04790169821057 +2.0596163772814693,4.052694590966025,7.046657651574382 +6.356760254722905,5.7644801972022215,14.471828257710307 +7.231605940548506,8.364045329374012,17.062748466655627 +4.091403317693737,4.229672754622275,10.306150702152012 +4.9669213445515314,5.663533783813035,12.227194605176969 +1.0832267423789166,3.126353541947741,5.183044049614949 +1.7189179537702426,3.858527623441316,6.549343972049229 +9.733540725740365,5.827309566809797,19.668486269268683 +4.293815199205463,5.659368952237088,11.301060402100626 +6.690765554271793,4.349534632904009,14.11058068234036 +4.477098042528872,7.014011293817086,12.249442100759804 +0.6086258320570126,5.400805682883441,5.5968418129247475 +5.473278122177014,7.567522611283809,13.793805092786076 +9.82644752336658,7.957547867868081,20.533929537978985 +5.037886126504681,1.6945317960717854,10.397446126040617 +5.8826097163317055,8.34298886712686,14.997188901337951 +9.324140636453325,8.253103794941005,20.0832878781271 +1.8896860636256352,7.125758643493314,8.485826595809467 +8.801549474858433,6.810169666269752,18.51389446850542 +6.857520409282152,5.0016228625107875,14.648472532905432 +6.369762221255051,2.943807192230211,12.94397769842548 +0.888100867857452,8.277149047454005,7.4097482192665565 +9.431443073915156,8.568223353769442,20.425460963272183 +3.33913553780803,0.935301513079283,7.396590050971708 +2.8013838763140653,8.428353758099,10.202080061343565 +6.55814507633216,9.666942441029372,16.413758296986213 +3.426810184371034,5.514721202916424,9.909891793889667 +7.900382216382279,2.339919427318123,14.907630884560374 +9.640899746596657,5.923976724918148,19.222802516216856 +0.07897563319653189,0.25153275628012395,2.3067239580027654 +8.822160164015951,6.452815277610775,18.614165988344173 +7.630725190638621,7.840160009569081,17.356721936865515 +4.204597762507765,7.986112461423018,12.326796887614993 +9.375324448125381,1.7217110776962163,16.95153380074453 +7.641363995420206,3.0779200761556504,14.769691016808483 +3.2149300305385387,4.127548510363862,8.975034561709231 +8.637195199080855,0.22056067310049166,15.190061312015917 +4.33926206810264,6.800476495692705,12.092811267959648 +1.1041545828252197,7.922535970174165,7.5737378782553595 +9.41902597897353,0.9093482107697859,16.469701022436954 +1.5294813783087813,9.740972249462029,9.300563944200357 +1.9785564078574158,0.7893967570320448,5.412424029554871 +9.521925363959001,8.926227098094689,20.83346796573181 +6.557254727331311,5.514309272875533,14.52832909159162 +9.192326963027703,6.555200751114228,19.09324706177125 +6.583966593150699,8.43685564201953,15.98903771879403 +6.532456772924209,5.0367688703767755,14.316545612504049 +3.897214978984479,5.031338927912408,10.326703164720547 +5.224786490871944,3.608318811182518,11.875694536245444 +4.4811840898034605,8.018719328635212,12.785998770045083 +4.165133686758878,0.2555976663542936,8.160298731529693 +2.8301932177384916,2.3174186409169817,7.403843604504366 +7.935820118319684,4.492930584718088,16.187012568594554 +2.8031054303513314,8.107048838416247,10.210786534524388 +0.1921680455661201,1.742508427312176,3.049230363661845 +8.269548193958,5.506517276604026,17.223632536874916 +7.736497745794804,8.381760147620776,17.699487951476982 +9.419634885885396,0.6342459930333799,16.504119697222492 +7.99234743298472,7.087661482198349,17.427764177801258 +2.0702560067655917,9.31702266340123,9.710505210823772 +4.04201880306392,8.876105274548042,12.596695849942318 +6.051137046649254,5.267479465409566,13.759362714110232 +1.595239338959794,9.143276242873128,8.967639245905891 +5.566619073622462,0.060924054968174435,10.377400252901683 +0.1828454107028321,7.776326050180476,6.171486458452461 +1.6193635337838963,5.987384356281452,7.343583308330451 +6.810819619339803,2.7936559294849683,13.461387667642708 +5.693138084114125,2.4025874598907473,11.797918155439843 +9.463154273679505,8.60170156349167,20.64859219665543 +2.8804279149746916,5.288144909503397,9.025137620099768 +5.006328571539057,9.60023257950074,14.335026388618532 +3.94028780183854,5.622275546215668,10.600717068157655 +9.287065948874371,1.6281105117655814,16.83237160628367 +5.504856032783381,1.0567292036182963,10.833788089729559 +6.1749893181850055,3.656832033870047,13.166914644295813 +9.676360731796006,4.154091811485263,18.69497610450176 +1.3618763754170682,8.33999960928404,8.371415064471988 +8.208666914229141,6.948596195427844,17.675826283993036 +7.488118018842281,2.6471521768940685,14.426855423321566 +6.420535004227813,0.3801987120539363,11.83571726742588 +1.9689014389003456,9.322794475530866,9.52249757922753 +7.392352970826587,2.3067254098925782,14.132321743141432 +1.113830895192881,9.489194448685016,8.537353142239605 +1.1218766606013275,2.570700480472482,4.867258971627324 +1.8263399299945715,0.07463820411767963,4.7757222837305 +3.1413477409804402,9.741788715987626,11.419773396514676 +3.4190330580935644,5.043048794677737,9.656377890730028 +7.459357839217814,5.510801020792161,16.062719024849095 +7.435915074123066,6.616358681905153,16.58336127870174 +6.085630229990148,6.496489072117452,14.481189100182606 +7.991643620782511,7.101913948011042,17.53058520828613 +7.917749207051915,1.4559763828353134,14.715762453886303 +6.776737327105403,7.370219123255332,15.893223677009235 +2.9996643249683452,8.745773278432823,10.828488496667399 +3.047116033027004,2.438321193764973,7.82800479837578 +8.670968154805113,2.470198381164267,16.33011877417537 +4.155024624318001,3.679228300368189,9.939379297543557 +8.980618225582724,4.552357382879642,17.641064309651085 +6.943089332962156,7.940389046438289,16.3704672644826 +6.279035807471763,9.436944983249147,16.01485039034879 +8.02507529256008,4.002066276748631,15.915043135258284 +9.508118432576833,5.245748332713341,18.842993108049132 +0.22577322944895895,2.6001327965289676,3.7379251453920563 +6.2172958703726655,1.5681490232443673,12.207333415295247 +5.840680448932036,3.615980223075298,12.60111880233116 +5.34385480058274,0.018748478732528717,10.043184539207337 +8.484213546686984,3.6192548777552833,16.744695601749697 +1.4015843427795305,4.3791585700508,6.238020701948226 +4.861772934888341,6.374027104961889,12.503780368311766 +5.245624403522797,0.4352358206706264,10.027155720032134 +8.715123220777647,4.565089317869613,17.226487356468486 +0.7698777253300892,7.728282365291851,7.137445877120406 +6.601544187830682,6.494377727692218,15.118984602313885 +4.26914001735561,4.104970626209884,10.52567753611035 +5.363386363873428,0.5059441289910327,10.273438711323438 +2.9895776421792086,9.878941735623735,11.548501047533849 +6.6219248912807585,4.189341654173221,13.9278344972056 +2.2236310294045305,7.452093619002334,9.177884624891751 +2.6029030970619136,1.6237010384629535,6.805625701790092 +1.5451490023428727,7.292632791647325,7.784576147852478 +6.428102542887174,0.6980609937123061,11.939498518616226 +1.150428153622025,6.338468673535771,6.99695943144198 +5.71116101872159,6.859990603718135,14.160469592393515 +1.7803890836326197,7.2658790621716705,8.375072788398766 +9.360964673305498,6.010503145354412,19.00704277382961 +1.9613001964278387,6.795438552841065,8.242835626402174 +3.430816835460644,0.4928774638572142,7.449329433049374 +3.0233869535249847,9.05585101950132,11.020403835893985 +4.111393201759752,8.646653380310923,12.45206037713628 +5.0865934352279165,5.1697798895960005,12.192364402391412 +0.05216321064894336,6.371040732889721,5.351940894454613 +1.0781384503042024,4.787484146820543,6.191594256575696 +2.6031685565809894,3.9238296582931484,7.969355597335739 +5.370773556668008,0.14464114601972833,10.129436050617237 +2.845835832716228,9.896119342918649,11.126894009656086 +0.5739912582055962,3.1939348815736834,4.524715389458484 +3.2142147496464823,3.7938592093276258,8.88479601398814 +6.847809184423453,2.4774379868296457,13.61078660202895 +4.602693441360528,6.448635668524492,12.149131101558051 +3.2232205832858862,9.487725805032547,11.529792418886746 +9.796726349426812,1.1967356768751114,17.327974591964573 +3.4381988440081015,2.079720698064753,8.312616274935296 +1.8678959555711516,4.909798383382795,7.2799740156201995 +5.638271081348789,4.2565204059759925,12.575323547416358 +2.725548730973607,2.7862157425363963,7.4127065037250714 +9.921281563407309,9.236773739902505,21.759251875722605 +0.7589884098935717,6.565506519961256,6.332142736583563 +4.568776074848443,6.88814097199162,12.198898861042395 +5.969607055405534,8.892524000824174,15.417082326701232 +0.6698831428882501,3.495979120577055,4.73262151025342 +9.854941257755847,1.8228534899061677,17.79616822763181 +1.2733343950664722,7.289720060005754,7.660572833823729 +7.774351600174635,6.722735476746601,16.901465511664245 +7.761958287599253,6.937215720931722,17.035988885863716 +1.3577068228917677,6.082218974785071,6.990128543795287 +7.768766825595325,8.655166063244678,18.059186004553677 +2.462352426837077,1.2743076093853856,6.373516412930812 +7.810904435825796,2.5654834503566537,14.961949159366531 +0.3192947832088733,8.252135636493042,6.626649936309078 +5.0599113381086,3.2663313242842196,11.110406540330507 +0.11429105231549164,0.35327444707947686,2.273818524005584 +7.926232705602947,4.897058849648644,16.207876436701824 +1.4972204929646016,3.5850562724901813,6.052907840375348 +1.653051475375229,1.1288155318038662,5.0581544132243685 +2.763078206741436,5.495085474623974,8.79372329745075 +2.100066078122269,3.4367108128476707,6.910575435186247 +4.779308839564597,4.200297391831519,11.374823485157796 +1.2862779912128963,0.38865635535888177,4.020696820753042 +0.35458726948938923,3.5017901802786735,4.2501439210736836 +7.188020785373228,1.3125529872927066,13.489669789293643 +7.869801163644255,7.156743093138368,17.382436443696864 +0.039434908856111894,0.2674787298184511,2.055687970219088 +1.9503321553805164,0.5612091105058503,5.162023919190746 +5.313431052703059,0.39627261458415775,10.12088494628499 +8.026458379953977,4.929620689458105,16.487456151591424 +7.279543666724776,7.507025509358412,16.6600448001758 +5.067639396702327,9.253628762534662,14.384874145704776 +9.90240773855308,3.5921468601454585,18.62883459623426 +1.2586414024923354,3.632381786478669,5.532344762951084 +2.233538970142701,5.310056670617501,8.014449908195424 +3.7838760125240145,4.804494142867909,10.252836198678507 +7.631875760760015,2.7402097454185217,14.801206933514251 +5.374747246397255,3.351612493286884,11.694118418833861 +7.849608641206613,6.395366324076964,16.941583733560275 +0.08504730510610736,6.600513411052184,5.486242153550077 +1.7016200806658233,7.244737902030392,8.143861543913255 +5.673386668454581,4.014826777231747,12.365932418778486 +6.940664292072585,8.565932858687802,16.62678517360936 +7.7874371386207315,5.453792765719076,16.40158298330418 +7.226943202595297,4.139145543927536,14.963550033697585 +7.890261215631287,8.290518916228182,17.92238182056896 +1.3729383687639873,2.380313595939463,5.219942958731104 +2.699887373491584,1.6608171898209156,6.884732219931755 +3.925350068974207,1.9303321144961227,8.7754488314794 +5.955393109266095,1.0161544289761593,11.431992203949628 +2.699191530267564,6.655206459463567,9.423111703464027 +3.985451231333492,4.214627418534077,9.966840902273836 +7.979252529583892,9.845115532909865,18.92208211792895 +5.650677832542129,0.7906717146360775,10.762321892160363 +1.0290297422363592,9.68500722029416,8.27901913598466 +6.792349127484716,7.524691183338193,15.884589684648256 +6.757637576855414,1.7961760169515328,13.171086207832655 +4.48362160824762,7.980804376193657,12.544316671089774 +8.663629629420733,2.3733551474637204,16.135727215724906 +5.959617908338206,1.5710190273845337,11.722291313208153 +9.582768731217516,2.522042889924876,17.751892271943163 +7.266351286038967,2.3111294422685438,14.24988585598202 +6.160539428785416,6.592643070226565,14.49492817293308 +3.284281034547527,8.188338654260512,11.074526852674266 +8.853708982474505,8.55069930253995,19.54645802193738 +3.307982194647173,7.44340259012654,10.673577445943582 +5.594907548692242,5.926283244920116,13.382829899713668 +4.774250852584618,6.002611479688716,12.004135582997586 +1.3565415803574998,4.088472331174553,6.0742601546537704 +1.7767176198794599,2.8010553097142576,6.110679923603741 +1.2781453592213377,2.1249560522202007,4.893719510657846 +7.819292557877159,5.498364621776703,16.52386196007962 +0.23643118512234995,7.885244838021156,6.124423708183752 +9.094683959294906,8.804292757826376,20.053528970515362 +8.230168828733218,9.922164428009369,19.440553350596158 +5.864019555379329,9.62587628514905,15.587108466098533 +9.488442325014274,3.132387305034393,17.701039459696144 +8.634337560558707,7.924726655587771,18.77135590353311 +7.757987774010856,8.96280771291922,18.157437956926437 +3.841900099203077,4.000549658873819,9.855926619232948 +6.400523092036364,7.378045378143421,15.284197885922199 +8.797371026576146,8.758453206592819,19.528914057610127 +7.213396243862599,9.568927778215228,17.411467502820972 +1.7862861894624227,9.503398471800862,9.443531456269234 +0.6419148203362157,5.556218811919182,5.672054962774666 +0.9019695700812225,5.680009751981364,6.129782540086739 +3.901097124557195,0.8160943150238686,8.421334438017913 +6.481168050241884,7.311979996228418,15.197581204539087 +1.741854136199813,6.94436719308769,7.918189034607674 +1.790475491477329,1.373964493152765,5.395828056682164 +1.4736326652474574,5.990784689543349,7.167310242914247 +7.787908081266032,5.968937014738136,16.614450562232577 +8.09351453018245,5.914773410703692,17.124923625519976 +7.9732124734848675,9.765225011333007,18.86802212077895 +3.909598079682246,1.499421769268947,8.516744272943619 +1.3539681170495765,5.97477596656598,6.959170323490593 +5.47103065855342,1.8423537854203076,11.132678662155937 +8.821049626676734,9.567483684541884,20.032023851537666 +2.532156431033017,2.0688293090106704,6.880974669869336 +2.1392185230754723,3.8742152969135946,7.0876190414371765 +8.532271752989462,5.959606099411179,17.812915599432216 +0.6755343173266992,4.729790851720672,5.473231675893142 +0.9033168302809258,4.062141140084401,5.3907317425379855 +4.03520142303317,6.483526657096457,11.284282617663115 +5.49453966963101,8.74754782339086,14.592029081579147 +0.16275182665472343,7.739988220946491,6.05238311083207 +0.22658340955841738,3.04289828476366,3.7675263335777736 +8.796631381795635,6.904141716771218,18.617204098985088 +1.719966783661433,4.907845441119429,7.078952788261738 +7.219041809779858,9.373433213395293,17.42636384978134 +6.343211992182037,0.24675411432927286,11.63065499571161 +4.997018596962835,1.5296163917082772,10.241192430042382 +0.4777955047492133,5.985106346815843,5.88702701164322 +7.769219025104245,0.360605554964043,13.906409120384563 +7.8358927096551945,7.063878798115088,17.35643489337422 +7.519868881683614,2.4472837271570045,14.595449668388214 +3.935954554934291,1.1975082720721897,8.448116535068165 +2.388909502344665,3.027896714774301,7.234988481290917 +3.1943663953678616,1.7503988809681181,7.68266623618016 +1.8871179807114336,9.014703997921602,9.333562443423256 +7.838936148156058,3.444777034914374,15.359319796427535 +9.476435394809608,2.389227127923239,17.36910527531914 +4.068204534500507,8.135253114345707,11.993339469563455 +4.428863702036266,2.3462532290814595,9.791603760621149 +3.6853546762148834,5.007210723746816,9.974007293714877 +6.206443836603373,4.056064995815233,13.297863118350058 +4.313043311199742,2.639436128014252,9.650687468882646 +5.353472984174116,2.194562337695464,11.197850994144192 +8.675262181080758,7.473670702663014,18.808981886220753 +4.102789884141841,7.472278470328478,12.059301969301384 +0.06995941809373019,3.4448922264239656,3.993532024019497 +4.403011481467885,4.697985075456973,10.969130329386719 +7.487314777103389,9.628074275617138,18.147349580166246 +3.7999713044280305,3.505998495278747,9.479086787045597 +6.105152265803961,2.812536141915789,12.521261168990376 +1.4135033381518924,9.615408704921988,8.900147361839034 +8.09529956809022,9.584995530241278,18.999339170644618 +2.1783287868391668,0.17809214969670584,5.765331562189233 +4.372615757381064,9.336089629915813,13.343655834512044 +1.383253388717589,1.1718552283459838,4.685448428698539 +0.6895278424584206,7.6501799893197475,6.907760914186461 +7.85926533833539,6.9537605566346405,17.313265130086613 +0.5329184512233609,7.232883358152038,6.406790447727802 +4.486288084616872,1.5789442193660497,9.594551238782172 +2.9512601048460207,5.011468399329609,8.917078013671738 +3.2965147226968106,9.697492267415925,11.692367048166274 +4.747417417071993,3.7215051025214363,11.030044852451882 +6.731654289680367,6.505450568559148,15.411740432937737 +0.02439280405267419,6.184736983007429,5.114377172105595 +2.437689747690337,3.752336415879216,7.563688631358821 +7.063488907348443,5.573862210106958,15.478253434606792 +3.6865514415509693,1.6741035183712405,8.36169791346333 +5.054821872477532,3.1936602350720324,11.134362520504826 +9.12927808408075,5.343466402890506,18.29471871721011 +8.659639941704125,3.901810284835113,16.914986508386402 +8.274371637879606,0.5653690217207863,14.847731158104294 +2.9811902556801497,0.7817593304469939,6.842829127675916 +0.3165018071487391,9.188622453231188,7.105008946294163 +7.168687443996799,6.251100644684707,15.846133650962784 +5.32492809411833,5.69554036216842,12.794139223678977 +6.386903813864535,8.265797947401033,15.625324475997008 +5.968885557955282,7.485807631108824,14.706259545378039 +2.809780518297349,9.767617378164722,11.046770833171445 +0.31897208437028923,3.8657659527731547,4.538707560695993 +8.820495515037038,1.8052296268619017,16.12260786158661 +1.4133809293365796,3.654307668999135,5.942772157751703 +4.281947005168275,9.333940606617277,13.071872654734019 +8.361195347088211,4.6408963769051415,16.899347623475837 +9.72975100881603,6.422784041590644,19.95510951040657 +8.736587319818913,2.4605698048682543,16.231188275467364 +4.889640742999828,0.2971721335643329,9.510828155328467 +0.08880193266448844,7.054532209394645,5.503590971526937 +1.1829362246560071,5.478082371108176,6.635766346874849 +6.9600748221002,0.3223458622963926,12.59047139620584 +4.48741399145682,6.841519369858398,12.002389405468332 +8.897309878548501,2.9923010060165645,16.714538006899545 +9.742165296843302,8.445414996596973,20.917344449272687 +6.506350720818544,3.9192550724613118,13.55269042280575 +7.111103761994986,8.161932690703534,16.775450855728366 +3.032998748865573,9.928300649070293,11.470793798930364 +9.08619369754639,4.855014403429227,18.03732190142791 +7.228299157753952,5.240088946187819,15.395108607988478 +7.609305521970262,8.269822038779814,17.45358430763125 +0.23222555157042524,0.7913202970064925,2.6952548125149685 +3.3646741587672704,9.176136326323496,11.69227641814657 +3.9827358314338968,8.875122152019243,12.382406458257009 +4.62433912631753,2.888529203115734,10.422896561536103 +9.006451830624952,5.606707689186775,18.28880760699766 +3.604842950300413,0.444070036278168,7.690423911650547 +1.109331324482239,1.393103276415305,4.402042849792274 +3.6483629041060626,6.07332955744344,10.455137049953882 +3.0759011442192987,0.655276337648002,6.846122120181214 +2.648087373173338,4.086816508996102,8.111104577754128 +9.92269928672329,3.9298690475093867,18.76764459991148 +0.8919541874744397,5.8111481447393345,6.293583851061074 +9.196400726262898,7.866956988617501,19.731188869668614 +8.362183091872366,9.282317961023304,19.138127357878897 +6.3654350338553805,9.949227306534986,16.565712920079864 +0.3328156987965081,8.348396761435623,6.810209742770447 +8.570106695222616,9.16700390761965,19.501213186760506 +4.781694576358491,7.877559236206,13.124250451408354 +1.950803991211798,6.031302251782144,8.104005177521568 +3.586451523634614,5.961736506619754,10.193118812514404 +6.755605071583003,3.4706866674617887,13.757530358994648 +2.1623829930287197,3.2168790885933474,6.805569002144499 +6.639572451074426,6.768742336728105,15.485662181899743 +7.413169360240989,1.2653660857270599,13.84672085773166 +8.185173902544616,6.881478015409554,17.54687124605019 +0.30505076690639177,3.3559784943505075,4.09192788593077 +4.667112559064771,3.6061749038681477,10.671373630078985 +1.1741688820841312,2.07346284505007,4.793939677556376 +0.2456139491013254,0.9307716135256283,2.9239899675184295 +2.6630011772454476,8.199702656357307,10.19191847386205 +5.266375099372002,4.24497890691106,12.048852987742569 +6.62162943958549,5.415105603250052,14.597494927126885 +1.3151392675562623,2.2262336382418955,5.076285753414749 +2.2252236099060765,5.999525126123421,8.405925978030997 +4.616243661893464,3.8758506256085368,11.097021150165338 +5.56639172881788,9.701157857825573,15.081656570642037 +3.141934560558768,5.201954336335173,9.472763940720698 +4.803700156441156,7.166430317458447,12.813171007621033 +7.3029026798291605,7.290707214130405,16.681732951888748 +2.015195799387448,4.490931363611877,7.286775976430512 +8.111746910291375,3.8153017054064375,16.215690587504444 +9.842551172899288,3.647867417921992,18.620728611725433 +4.976668273419682,4.745255948025468,11.772754209377846 +4.336638024692425,8.456313683196216,12.778125290200737 +1.5527523754801353,5.67664706413983,7.280129599062693 +6.186015773554237,8.512213080693709,15.53515161285311 +6.092001599261084,9.600203477877807,15.730696062768944 +8.72167712260929,3.487399483527315,16.81472204530223 +8.599064452908344,9.584778140934556,19.700790780431387 +2.571971809245863,6.102088066644084,8.904508941071102 +2.8180391234213555,6.495672790822176,9.425347305005255 +0.936428045470219,7.341880218690575,7.2078838639597 +4.198198285953429,5.873071786764368,10.99653654348659 +0.2586240252349814,6.954414552103283,5.874541044546855 +4.959913541352434,6.25251007687842,12.5769235228476 +3.1566797237617408,1.458201734214144,7.673605777645029 +4.35428941996142,9.439791212863632,13.249886188539236 +2.277940266538053,6.758390120352517,8.840668350353384 +0.49843544034541387,7.180997852669284,6.350653338196973 +2.384371868014931,4.515170602293325,7.843585925555673 +3.6775310059477406,1.1284034331735548,8.256794122190557 +3.4558195251177573,3.5012495829318557,8.823188725287636 +5.221056390297516,9.723515329399874,14.62662177065461 +4.700175225106303,9.144261556326338,13.697810765886423 +4.615576585625554,1.0754330087493946,9.486765419454656 +2.301528952759402,4.075176760576003,7.461558935230953 +3.2536877297018476,8.658292875324916,11.202622259354111 +6.786456021965513,5.783084519186734,15.16261875543163 +4.912295512366906,3.9727061828906685,11.403305329075014 +6.121924398320113,1.24607165444381,11.734626144908768 +1.6253318821690566,3.031163533967,5.97735722486977 +1.7118461646107441,6.770987190248166,7.9482825895910985 +0.24768321406245297,1.601774916667501,3.219454449871729 +9.026081094988033,9.97543148222087,20.494729592794744 +4.875904778280931,4.953700730217583,11.669876740638069 +7.733987622374382,0.36189577620575064,13.849166423631544 +4.270214819009781,0.9982788181495983,8.959323555340337 +4.00926382656486,9.838218411288748,13.07453484646351 +7.536332808033611,9.850458756852179,18.09810569501433 +7.460486256706017,6.081100718065883,16.224241523712394 +7.542208329272434,6.590916729709847,16.58573083943485 +4.640660299019084,2.9254633400521,10.384100569217862 +5.201780593343549,2.5849347390143054,10.941036269882211 +4.866763464421453,1.4613540592108598,9.924193765236145 +5.653950989700408,2.4528369081210477,11.734397068504082 +2.9360810394156966,4.990281417823884,8.849287324055659 +1.6252625302158075,9.62379883635919,9.167152242322082 +4.469443153928761,3.522792296267511,10.608600464782713 +0.2919660509258093,8.432543631122329,6.8915930018598806 +6.258339153063844,4.1640515484129725,13.463891502547082 +2.455327993384757,7.451374186753852,9.258461283740786 +9.45474575741667,3.808097056520202,18.1258076056368 +1.3487606837923127,1.0919474727273737,4.360577707931491 +0.06361972333885912,7.439554407717219,5.680189967010521 +9.813953859016705,9.928177527535683,21.726384444874792 +7.8419725434292555,1.6218377829604358,14.435504286419159 +9.777094559131216,3.2781344300195094,18.275105668277472 +3.3361960949254366,6.873369528924389,10.292616155217791 +0.49049187074451384,8.257697299075593,6.870212407108113 +9.97297276487744,7.7506977808991735,20.947132086941668 +7.816764912073332,3.90313670566551,15.615430852185186 +0.6592138901565692,7.926674342344233,6.950216364563722 +5.9715808690480054,9.093386891220844,15.422480153301143 +1.1596290016683253,3.051230630941083,5.1904798846657165 +3.6065615372338646,6.832797085446915,10.743103786788689 +7.87745163103155,9.610204085844202,18.6998725027792 +2.9540715832415443,4.936364085642473,8.757939222546943 +0.2896093008129841,2.529878781088879,3.666167934726624 +3.740035081196403,5.938062065254482,10.620065342068223 +4.708454935991741,3.6447505977699732,10.976037541178867 +6.240779665293416,8.286156771170003,15.548308621087275 +2.416811329847892,3.428758792604123,7.332333045245201 +7.049236496870199,7.779405987585303,16.40666884328392 +8.253968717346472,2.0933121889702866,15.520140805187545 +5.392669612444156,9.000110985252844,14.50233747867502 +3.919504550914917,4.298830902215557,9.943451936787916 +9.848229439006857,1.1305264603250542,17.472857301695253 +7.05601989461636,8.501841270408919,16.870976651162742 +1.507935166340174,7.1445323600723745,7.87372957576832 +4.697382220104423,8.528908846746432,13.370382677846091 +9.074523168359061,8.724849031545734,19.964723772406355 +0.6438513757901276,7.568552768149742,6.606284140547333 +9.215275749858293,6.21348440670931,18.95477248674144 +6.008760604784902,0.45005387398110996,11.236344416456795 +8.560330222059385,0.4640356082916153,14.986605878701827 +3.1350960638467393,9.258630652872155,11.223054229070193 +9.497451427295122,9.919005404759226,21.20102612578439 +4.764022856128863,1.7742954638101083,9.897402046924654 +4.879444868290839,1.0231292508304923,9.81639112818205 +8.725361089699698,5.605372332665048,17.8643238208544 +4.045058991667553,0.795307024808044,8.453327026498254 +4.052406768166304,8.661916083901088,12.449833784620916 +7.0340593247721275,0.8245551751096658,13.02556202923457 +1.5990719972617584,3.9230849070750464,6.289000749969761 +1.0137508268591866,9.34041191993271,8.277811351609337 +6.522920446308759,0.9482300130394505,12.236558604175622 +7.880574623804607,3.684059285719429,15.838221717115681 +2.448706445532208,5.6998494193969105,8.464442286767719 +0.13372133120541307,4.65397660104255,4.366437293330755 +8.438049930951696,9.280575959855684,19.380727083134218 +3.4255470441643974,6.424365881650443,10.393065598449875 +2.268234383688336,5.60213070984709,8.32358308036154 +2.54027726153189,5.713565086274529,8.698162816254168 +1.7172211729323095,9.412325567607434,9.51599543404872 +8.869174764072916,3.3691824944883986,16.969464592503144 +7.766628889249426,0.9550413073219455,14.232094174105674 +7.403609087054239,2.8245912961270414,14.465163540096258 +1.356417686758623,6.781912179036137,7.474760272289403 +4.698068178193893,5.301396017304439,11.765602519982664 +5.205297841379208,0.5944798210601954,10.188442951556407 +0.5138024909267702,6.011675039480969,5.8541739137949556 +6.238646423554166,0.47174556515114596,11.2701689183605 +3.7843933188781778,6.128512795604274,10.733978650544543 +6.5668065575307635,8.282757592765515,15.934077868691158 +4.207322835968808,5.482577811469688,11.014484636307408 +5.785603756088173,3.12045283300319,12.210291073156833 +0.538254024416116,0.042259262051046464,2.926258067645845 +8.361254161185249,2.0023182252238634,15.563298275686607 +6.302546641591356,5.770474786439196,14.288305029347624 +3.9963307674051896,8.334933087006338,12.015136216576787 +6.98401595693379,0.22741463439172938,12.743037018616814 +7.766940733566847,5.0699881800176225,16.120673390580485 +3.4701928908284687,7.268846565116779,10.82664197416017 +6.860656296462694,3.1058823786894907,14.057812522509385 +9.830388714978813,6.487084867117533,19.92711474825836 +6.057797124538936,0.6988036348177207,11.408529581449741 +2.7931878034473745,4.469740023264414,8.447869645185838 +6.306257043096764,5.127636307303778,13.862609068128323 +7.630329334713912,2.6256771246790187,14.586152674353013 +7.021569952824843,8.165970468911626,16.567178843499246 +7.650499755829533,7.708465845880335,17.285282245434736 +8.885070572621654,0.841785424804895,15.761921192865673 +6.97191571374103,9.68678201116461,17.20346514296342 +5.736506498745381,2.173163119843926,11.734739351283402 +9.987538057742128,1.7467729282147892,17.639021859116195 +3.355576973748593,1.720621884171678,7.8866472627099276 +4.645128687500683,4.188760096109583,11.098090710023497 +4.912408965105728,9.279834000554295,14.041374871987923 +4.783243858342251,5.146263262136442,11.731719769610125 +8.86682105918468,8.177579940148323,19.322987699744594 +2.397220312254442,0.12925955228850206,5.641273204108247 +6.294995922020511,8.448498238375201,15.790138926085433 +5.5285011261040005,2.1117692001284514,11.288689545650286 +7.413550906753068,6.695392826112699,16.565833846953826 +5.650325374085528,8.633361740209837,14.905893397823052 +7.842423529390327,6.679520914227803,16.929806568573593 +6.647586690232183,6.622026342982749,15.269578107436114 +5.25164744916564,4.6392164464384695,12.099305224647994 +7.096004594987196,6.104944814702311,15.546295914413582 +4.899805623005431,1.266613539110416,10.062218287862803 +7.0192878865316555,6.459985705779654,15.806256974580648 +3.422484259735036,3.5632316621507676,8.941688161325715 +2.4672238413525225,9.61915256365019,10.401862351675351 +8.602013628687226,5.610490294122168,17.72931201638934 +4.0165314655851425,7.368252636964233,11.577877198066455 +5.277281761259972,9.75851033915114,14.802904005682878 +0.5512261392215456,0.34285734053475125,2.9321127951917414 +5.686110179733733,2.0327922268890672,11.650640464928381 +6.0430416355019245,7.814230285471774,14.935363096905906 +1.3810976118487284,4.406082241895279,6.297811754762018 +6.886670834493552,8.338635706729713,16.52266090750076 +4.963440900363572,2.061535869060216,10.46834932387009 +5.857992555856329,4.545170687249995,13.070107386377192 +7.719254270044859,5.5557606420294805,16.387139750085478 +2.794228449704308,7.543929197211882,9.873667870394096 +5.177470129619596,1.775465522783275,10.694231889917168 +5.630723231419945,9.483200598458728,15.274071562674067 +7.055162609377361,2.9880336145797894,14.11649552569952 +7.1087317529285805,2.8260631100217894,14.040711843296833 +5.426888375412618,5.265957637875528,12.790751548439497 +2.4739087891180365,3.4788119987981805,7.413893065845414 +9.421814547860457,2.505985364154336,17.37384051149075 +8.01027043630986,6.6737058001214,17.233489821889457 +5.326291325257645,1.3751486946516345,10.815017936932167 +2.045707527063778,1.7897762359040392,6.156998162311205 +5.867942589737524,9.73383196718478,15.598436788126623 +8.772392627749948,0.2525188292957725,15.363465450335953 +2.7372662446234655,1.5725745893702214,7.037973480392109 +9.756778418979017,2.3561023459781505,17.71745609455012 +2.013131850387939,6.208752935822592,7.908230970257586 +5.561865835747865,2.2585148378123487,11.623736106131988 +6.7036486453724216,0.9700721129468914,12.539476562110176 +0.19369066030892168,0.8241479070634683,2.6506608747636737 +3.6486822597577264,9.750163278748174,12.352838969357206 +5.472469988093639,7.547261030154671,13.945427579765099 +3.2149575223155935,7.1933906548332915,10.715077382699343 +9.661811981223575,3.5776089028205327,18.2284516700277 +9.99059434735025,6.384099510316661,20.210673817414552 +7.4859141246472385,2.5216723884814995,14.618931969527088 +6.430907691772417,5.110062514623874,14.330135514604324 +9.56402645477436,9.046750477895154,20.97901370600032 +3.9667259892507722,9.468697515382335,12.641870165694076 +8.848125527500097,5.903838503691392,18.208897678852054 +0.8211790878954028,1.6079024065953773,3.818273370450812 +0.7687424467380022,1.0799311464906103,3.6856296997153857 +9.769523743930776,2.121672992161523,17.718402783070115 +6.90854582340663,6.365282576827696,15.619632343885039 +6.311448648530038,2.067039995960298,12.680241707072888 +5.793465943846096,6.255383495849516,13.889021628093868 +5.704053166451111,1.8616246727567864,11.593956601496618 +7.2306059707470896,0.7324316191651103,13.210378161760262 +5.912000118196219,4.362593324013133,13.177726595663273 +2.502865931330737,8.073889890261388,9.792357075008061 +1.758925666721839,9.32981759897951,9.417357919466207 +8.84565028321187,3.6058754716208297,17.151863121597074 +3.051529308585933,1.3748668341890213,7.303999953673031 +9.163278159339558,6.27531858823272,18.728503631112126 +0.31783582143403155,5.109994145616104,5.141085504985783 +0.8579894782938691,5.737506849528417,6.193551205423006 +5.089617183208125,0.8284604550272201,10.118913503513443 +8.158605931167727,2.6231717716627765,15.580848915006122 +5.41484364166699,6.390388766305344,13.366052870825744 +9.623045335751666,4.938116928798459,19.0336918666212 +9.173157722879235,3.548573413476989,17.486630937103644 +8.57437201649995,2.3582622695141673,16.087453016145087 +7.0747976243541775,0.8861199375499651,12.977512903419267 +9.860503566836593,9.53936399862368,21.61810536302412 +4.422136385173777,5.239352179902536,11.278009380784356 +5.977748623180221,2.7503755968967,12.278713859554026 +6.744714352051626,6.98561946604516,15.61924765499338 +5.250764923252756,1.477406924852177,10.557979915531703 +9.191859438916,1.1504508234561528,16.325214477117232 +6.291721687105114,1.0308859660975511,11.988506206890664 +1.4610070913292261,0.20538314028828997,4.32104209310017 +3.6336408385675956,6.395825644220379,10.45632625310218 +5.21544219732872,6.745391512484858,13.232907930945068 +6.750188608709529,1.4017374399423865,12.795818324704921 +0.5733740342171556,6.253581404346699,5.945420959393489 +6.532243049752426,5.567037351417045,14.46916775937492 +2.4576246632407073,8.10765216982254,9.73572394962299 +0.7568601549625709,6.323117893213594,6.244547418453563 +1.2041153587937214,6.544477164332296,7.205763899787215 +4.177257878234965,7.181030554376714,11.681458974375962 +0.5219220247693468,5.5508298848036794,5.461905620550009 +1.4487789888007963,6.823816316104737,7.481913444191651 +1.199556313116824,0.7358332295192582,4.193116858615518 +7.131227981836126,0.6353193456828232,13.13181444204341 +2.2453081793151606,8.247351971256721,9.541950433252019 +8.096883078082262,8.54125757780776,18.306488694094956 +3.260998895887137,5.280480287502093,9.488815383915913 +7.73347352606152,1.3698551501108047,14.204220192073276 +7.243908792157182,0.9748634939465461,13.404068067599122 +9.132506086268677,6.373101825116258,18.84035301793974 +4.933053126897558,4.8472925466716426,11.681946162157672 +1.813620478449104,3.4591737245465373,6.508488231886347 +7.271236653171491,5.409436208543886,15.737898937385957 +5.293062041002629,1.952458945455794,10.897955289461805 +6.9036231195368405,3.9203390106135028,14.327644222445985 +1.8275333843853414,9.437847515963293,9.30959371366868 +5.067987468656051,5.280366475123655,12.03624067549562 +9.813719102148061,3.664061371704934,18.367700972417442 +9.430206845624497,6.9492536113548,19.61546489416804 +6.330956327447998,2.344183019424806,12.637731801259315 +0.5175567238779011,4.377838382851388,5.019877538020522 +0.10170961995725092,0.7100251077038344,2.4878116663746948 +5.95326755694373,7.244718330730274,14.651036684454711 +1.6794833192427694,7.325004126737738,8.268953702036546 +9.497258265947519,7.431760807261966,19.92952181006546 +7.847152195750329,7.007125802683718,17.173947307571627 +2.2473744045475117,3.6088994215583603,6.983895182559713 +9.492669627698172,6.612105789701187,19.688414241713815 +7.890247339340722,9.686946188446774,18.584591502743947 +2.314369205126657,3.216866673265535,6.930343750945006 +6.448016528344996,0.24357473784007322,11.806797901746156 +5.712190773337057,8.086883795144988,14.462973924010978 +6.1044337382412515,2.9539328389611086,12.646502155897913 +7.241040833360617,1.4603162467994557,13.558088289186758 +8.947734692785168,1.009150310404554,16.018545088629917 +8.634911337624349,4.978094277362325,17.52508377831949 +4.286470034878018,5.006617605754313,11.043346115548635 +2.002063030929212,4.576855795588136,7.312148616972044 +8.497198158986585,8.00955242218799,18.664739450600518 +1.6304853449132928,6.734209781290618,7.709144324219667 +8.568372649654254,8.197675886188092,18.89832726025363 +4.256324432971814,0.4809284034611583,8.824378336114478 +9.311694229737492,3.95885115848062,17.922048117380584 +3.6097663725634375,7.595149444788129,11.228325830879228 +2.6397221549202254,8.347479231672919,10.285182422255142 +0.7605156081931563,7.407112007162109,6.869790728758977 +9.657894904415317,9.957687968741736,21.390821207005832 +9.238043600641664,8.707624054063094,20.283893195476576 +2.788802244577302,9.66648362629764,10.97359759915616 +9.278965938143529,5.343725070251866,18.619223968035346 +4.020776543936796,1.0926725355818823,8.628716768870472 +5.906340778251248,7.0054594852219765,14.312810390103051 +4.03996583181529,4.060295606305319,10.10873370748659 +5.733113907143038,0.277840959071618,10.898595960436582 +9.57865896386749,2.8990570709670935,17.754863507911516 +1.408908617688801,0.05488396134590401,4.272494165505088 +8.568915413857134,8.632073757996691,19.110360319971452 +0.9530660451771011,1.52241302888801,4.371012463036375 +4.47902231257768,1.857041730663156,9.561505739300445 +7.358211368367568,0.5803974570572235,13.288130210818206 +5.49709332385866,3.8279156511390413,12.310423388844224 +4.649464836922515,4.247571176956018,11.253206118948432 +1.5315918253465366,2.2028148530856226,5.480637830572804 +0.6480769891042659,1.1528557529907124,3.4403584099661084 +9.778948224189149,2.7978681167725195,18.07559731846712 +3.0702553933956422,1.2710633043212105,7.241039607509766 +7.551642044967515,9.24142810187282,17.862595809120823 +7.89750537066651,6.126158294341718,16.979020919715847 +8.132329156105762,4.042302329328584,16.141975589116612 +8.594973550806875,7.98518849638182,18.755995635653765 +0.01724644256319019,4.87794134917517,4.3027535836035975 +2.646165760792262,0.8623291636769548,6.571642751496313 +8.461960427477749,0.07949684301122306,14.681640735335654 +7.3016350205536025,9.88192120997186,17.844462613664266 +4.820197667062357,3.712405299414346,10.983432173754451 +6.058329544747134,8.046978276476722,15.247775928332505 +2.402519937752788,2.507014291535362,6.7192620288966705 +6.0717801408684675,9.398798208543052,15.68665593715851 +2.9843997575876346,3.7675466322901308,8.328190142450223 +9.933333014602896,1.762221652065158,17.778953666388084 +0.7696816837530407,5.897552388806061,6.169162245076997 +0.24266988421632996,1.804332312748227,3.198611462337855 +6.222091806904681,6.59512400691333,14.785133094852736 +5.104252496476197,3.8374804622938328,11.508240202341884 +5.761975844218483,6.4338575303323875,13.759034436994222 +8.034820462916507,7.927508282098474,17.905607309194487 +6.6480076551494784,8.942325832284656,16.365785274107868 +8.380252535954188,1.332460082179402,15.119754600051797 +9.566794413234835,8.917423023179204,20.883993608375093 +3.209271795079598,0.20184418607039456,6.8147456120687 +6.039759467582875,4.38417576866388,13.238444196720543 +7.495666625861319,5.245997645086225,15.763543827105373 +0.7649043525094679,2.4468742025477583,4.253347522435157 +8.825237561265295,0.376896957150501,15.536958471748806 +7.36669669398287,2.919435079514323,14.670040138645819 +4.5263980304249705,5.310054319116086,11.571524326055792 +2.5008135730720102,6.519604429976628,8.863888990196294 +6.934422180978762,0.850594796707751,12.693671942103292 +3.739270758514206,7.443773012062915,11.528630551394683 +7.216375598411319,5.446033439052391,15.522146845139003 +7.776747798680141,1.0764489303984326,14.065866635485522 +1.1821126784453007,6.574893002963448,7.168839219684175 +6.933338678951289,8.145268553210702,16.479380799251178 +1.8103687777325705,5.1677165943110515,7.356361169320954 +6.608312971355824,2.2369957382901506,12.80717829243803 +5.169278655939907,6.3844502439059605,12.91351561884246 +2.144495114776803,3.755634102501414,7.189440064815476 +2.16338810135708,9.029429044285987,9.695760464359166 +2.3679888192999177,1.2083462598579697,6.279656395585453 +0.35155311527143684,0.4495347241135017,2.6204215272642477 +1.9158623496681693,6.082085113069523,7.9035780543854415 +0.17649874511122654,2.867439247571472,3.862959889751597 +0.5816689132329933,4.036587702991676,4.775711320113898 +0.4857673782985761,6.07541776620828,5.793507667395814 +6.884242655190152,7.313375496437635,16.041561707455426 +2.2434339864625508,8.685001619617433,9.716792174072834 +6.902881673309265,0.5665021929982039,12.612568804973993 +4.407667087014271,7.6775649337248115,12.362651259329049 +3.1089392672022975,3.815587739072648,8.590857395767769 +6.296038272965428,0.554808801158978,11.711196127426547 +9.669350405079173,1.7448101060972787,17.23280117093565 +0.26671999646260325,0.053229820404202544,2.5366796502127364 +3.9955437499939572,8.842533654753776,12.323577387305923 +8.19762079217929,9.12045798249695,18.715628620966804 +5.3378231932889895,4.4874623387516435,12.190897773707393 +3.858609761067945,0.4641807579130586,7.930733070319302 +9.095212563051536,4.961760922847275,18.097875212905457 +4.5506743105151015,5.151674870141173,11.2776037874082 +7.941545181142004,2.2447108598256396,15.079470342052831 +7.099006789949232,7.107697408540329,16.340463966643227 +8.49552782258183,0.08683598463870013,14.797296218690601 +1.7039554323513206,4.710468520447555,6.766738850757627 +8.505403874614784,9.65116861627984,19.492368152519017 +5.948686146794014,2.1213397542302017,12.005827106856504 +1.8458469582464565,6.394439539862674,7.769294839604353 +2.100691470594046,5.5308742392088615,7.793196112660285 +8.348119291439021,3.8981964846209003,16.306526796557208 +3.784721897419292,0.36140336891073765,7.8693274565487 +2.540845784245549,6.981914596192745,9.51844390229168 +3.6039124513219645,1.5829891728992196,8.071264478945078 +1.057677337603271,0.9505337815070891,4.143415867944281 +6.591334331178952,6.126214787935487,14.893721253947056 +5.185210056020849,5.003264481591394,12.14743004118879 +1.5313685268787158,5.006042247600872,6.95648679761243 +0.5993777660037991,9.25858458602688,7.744343377107511 +0.5802755400260684,4.235301948939185,5.0292505367379805 +0.0057105640317223205,7.861504387832445,5.975569103812454 +1.6617018853563004,9.249160178216782,9.123359976659478 +0.4397774786056452,8.207873345644268,6.748778247744204 +6.566378128155882,2.4973571888589055,13.13225365935948 +2.0241960923059485,3.5767793337702236,6.892295647115536 +8.284028831753549,8.619565483354556,18.902160052672553 +1.7528537952432577,3.534480396843307,6.344247562101501 +2.374913839022539,1.226428476378979,6.188323651834689 +6.46449387528928,3.458710232355353,13.417250713521861 +2.2538404477633414,8.659977735019762,9.813155739642779 +7.483179309035664,7.737611486963425,17.33358278286997 +0.3919589118328015,9.151304492310663,7.269447058933696 +5.747383779742352,5.038028046845188,13.21991408409201 +0.10585346027781162,8.976622104341047,6.7378786832675 +5.438904704860006,8.251534623405353,14.41086663848855 +6.555109607382938,7.966936135108805,16.057577206536614 +6.929317485578023,9.209639023358267,16.83025721520452 +2.254841863395497,2.021001047329072,6.4527228127621 +7.1254156194512195,5.01394800583469,14.936976467618122 +5.991611703348701,7.085424691912269,14.625265251280831 +5.474281970000026,7.876934476661962,14.204993988766216 +3.1886735593585245,8.589904435996921,11.023279859950838 +1.0767635292560074,6.340039769611868,6.518162113038837 +8.901325075267977,2.5269412790170467,16.614018775320453 +3.2683467492391296,3.054417784927389,8.45201324159876 +5.642637117750338,4.128718155651486,12.522003970196092 +1.0795928499490237,8.912872217564601,8.01368258630076 +2.0467662915867413,5.340800109885296,7.650870641328653 +5.948048959372615,0.40751843647541697,11.120654115988335 +0.9571232765433724,9.716897104295516,8.213945810379814 +6.645123401493825,0.3356517704642692,12.216441018392787 +7.941992206529988,5.085428092774855,16.44783208245512 +0.7519957207847561,6.807520980477912,6.3592874784735205 +4.9935180586846855,2.0491980111092323,10.532546040247196 +8.777022720888196,2.9137985830025412,16.6638525192163 +2.845566354533078,2.7277358179227873,7.794016228215058 +7.674557770890512,7.061186703805321,17.135243914687592 +9.031456854703574,2.293392195842797,16.604012291081784 +7.863645955428083,5.73045576528096,16.80327946191391 +3.0867960965266783,0.3545413240775064,6.668861589250251 +8.1894754985111,2.4107137151335634,15.49238679935843 +6.317430362149194,5.488679360598125,14.295892033441705 +0.04449538646783879,9.943436299397625,7.184330775444403 +8.143293558001288,4.86471270636682,16.83618679186805 +6.80341370242383,4.765942365907726,14.715564116390956 +7.445862712787308,1.3432854581889409,13.826775337457677 +4.463509952340303,3.3553717707286,10.43091800309169 +4.596552434940349,4.504726528603642,11.169632317602895 +1.4309394977919432,9.76488570709029,8.9579086118529 +0.1549214278812805,0.10072944817398843,2.271184342645269 +3.734413185336578,6.203763493468175,10.883283571353012 +1.7965322681492824,5.33194003904161,7.425384580771991 +7.227719679634789,0.9406060904015112,13.517819323406764 +9.844224080159334,3.367006477392943,18.341589501209608 +6.42415413787249,1.107198581865757,12.151674742832892 +7.094863887213264,8.40456347062486,16.88610341572346 +1.0528514233062236,1.2586315437006623,4.282828692756464 +2.810474143872277,0.11935815375329284,6.263711884112824 +9.860512943372298,5.983840749526497,19.862739875166575 +6.075894499635455,9.58962169651636,15.987948404219507 +8.32029254319427,8.142429309683495,18.412861179092133 +3.3950236990162566,3.3486339346464544,8.8421966733466 +2.9173795981264683,3.4669576177631987,8.21687464387551 +3.6950876135985053,1.4000368898059334,8.272265371631676 +3.5594786270209355,4.467470352447275,9.388956986118929 +3.0934733874665854,1.653469681575478,7.439261292910941 +3.734103981784976,4.809077732164359,10.04948886219066 +7.2072838666712835,7.112377614746704,16.2805441443869 +2.026950310833242,0.36655395168237126,5.315533227201494 +3.0379952180706926,1.571363048589508,7.4156333749154895 +3.9578847921569404,9.793461191526042,12.847006451686791 +1.8107137090522096,3.1887394342296895,6.312184294190644 +7.2511431631957235,5.091827828619216,15.441917296537529 +0.43928143573384926,1.6169001816132167,3.4669662941363293 +9.352495547731959,1.0316499273902846,16.41601953721962 +6.350927872097057,7.923256488409115,15.44500936094232 +2.654390627249239,7.250780031386901,9.614223513320233 +1.6989517903018025,2.847502748337903,6.114039342566949 +3.1182203088420746,9.964349905642235,11.728709810835046 +2.1457229521795727,1.2920746463358501,6.0118535485592615 +9.256914374814103,1.6193069382035274,16.554529521842273 +8.792799196294053,6.5045662764669,18.40586420632247 +5.768614980705188,7.513387115465768,14.617001841047221 +7.259989571480501,1.1052618941831371,13.368318484488832 +9.994661104066891,9.418897264487287,21.625147517852394 +8.965919628619162,6.222891339424068,18.533149645848972 +5.227913313323142,5.3627858388166825,12.725074063752853 +0.1493694422823244,4.994695019454429,4.654249254631196 +6.237695676599198,6.5870620877494845,14.705823006714276 +3.3213946505131298,4.712823502935494,9.37770713226501 +6.363106066625744,4.283055102751817,13.493337769060442 +9.62135198983525,7.054421098520002,19.95767080419238 +0.012737462508904951,0.23279481482253006,2.0802110818698734 +6.903002034683744,4.126450975455027,14.485525741082734 +8.394709492122663,1.7301540948626204,15.631048309484703 +0.1382691405229186,3.880823501137123,4.1133606276334405 +7.360641043074489,9.717277333775685,17.865141162833552 +8.836538793510554,4.8407461193713885,17.926964073609756 +8.128172831963665,0.7033045786761405,14.472757385969185 +5.7227234758488335,9.242984130144702,15.071277113812158 +3.9638514749073996,9.601006296631155,12.884037551645665 +2.206850967291053,1.0563380953339352,5.833382144691521 +5.247623360817011,9.072468719812242,14.436001345032794 +3.112792187447442,8.001603193989524,10.893140487605045 +1.6919726588028094,7.455703960009395,8.125513062492209 +5.5702694138743105,1.7501697539437222,11.210942751031425 +7.180872494376086,7.137561134564273,16.216462424556994 +5.154352291434403,2.2546763764267466,10.892384971148074 +1.3229389224499655,9.572550484597892,8.715383259818736 +6.558125382591552,8.09241483573384,15.766101732962806 +6.969705290502416,8.29473665192289,16.67515400724686 +1.6249081974892343,4.969502245470444,6.923146330607331 +6.6712477050229335,1.0338989989521796,12.3986578761599 +1.499569493284083,6.339825942509465,7.300230911490116 +8.687058042538201,6.6041617894159765,18.353448778348866 +0.36204813456075624,9.704329170903229,7.2281594041416195 +1.3950690090624507,2.3256223355248973,5.2781631081933185 +9.749672819047243,7.710329966533749,20.61362989690817 +9.365766803785066,8.066196928080297,20.148454699209772 +6.5173447500320005,2.84552998863006,13.13644960956577 +3.2688144169952538,9.472710730443698,11.667011017873488 +8.606256161556447,3.5949044844232647,16.58167886562729 +3.732674176207038,2.9769439027588476,9.101111601093534 +3.2613014262500393,8.606674662887857,11.16260451838554 +0.10506856589846847,4.360526211095247,4.233930813458631 +9.428396785279078,5.426363551828088,18.918148624095444 +4.504457901439035,3.123698046995881,10.120788482560652 +0.7391262986190383,2.2448647802751287,4.1125405607538505 +0.9045840993687126,1.2669942971542825,3.8838151820115216 +1.6351654412626981,3.0202943208427846,5.9124145666670085 +0.11016679995535461,9.501438855932477,7.045903374712614 +1.2381909267697455,3.8314887235958706,5.84845673891982 +8.795275597147805,1.0656797019076225,15.73628445296262 +4.836042517541208,8.447835975413957,13.48379817214991 +5.569626240341401,2.1034359542276,11.404981643866657 +7.355095314125814,6.813410628675078,16.576530780522106 +3.621859065469243,0.46295161581375144,7.482695556651273 +0.07864689896093902,8.253928831271717,6.322090567906034 +3.2155736155906856,1.377698986059046,7.461390499927164 +5.185512261629821,9.208332957250901,14.432733902899823 +0.08480864522397713,0.5614354067641447,2.458708267516445 +4.170449325850724,6.7596590675506345,11.708828016749347 +4.761004587670502,8.975484384654047,13.78761382364372 +0.44084555537478143,3.4014086964374357,4.224869137172232 +3.5134788938872075,3.401272259863417,9.071398940923393 +4.876859121233906,7.905770451946105,13.261788420801036 +3.178826164028173,7.444832066322026,10.444569683205621 +1.464654712790714,5.607248556339503,7.203982559459592 +3.750880256655451,5.392108022955706,10.3925655204061 +1.0774975037224943,9.534628467609085,8.341840033262095 +9.062141168017778,8.263963042906289,19.82092450612444 +8.927828233880518,1.466878701814861,16.120575854225 +5.037217730196659,3.1790915875652335,11.102083904018507 +8.873859413041586,1.8943768249946646,16.19736882107798 +2.1994535514197233,6.8671445635501085,8.763208926483669 +0.8889965908766817,7.323671769166397,6.933943572353292 +2.6812728831412236,6.609353652671474,9.342129040185917 +8.730377863606604,6.096113732349906,18.232325249330263 +2.12683733286109,0.49165525539216604,5.447134738764791 +0.4461397169506587,0.8881188201400791,3.3109190914112907 +5.7981791246971595,3.4821785404065118,12.439678580393124 +2.4310697739589813,2.193065577971912,6.878041308060164 +9.48581531903099,1.188165758920744,16.920435399755448 +3.048144107726547,4.7147726201919316,9.082132595907103 +0.00449526074255413,9.209531874757245,6.808719236372964 +0.9909859076010386,6.8247060068617245,6.722698164637761 +6.288654771624883,8.090638551047372,15.50481786251268 +6.513877305621525,7.693874172159795,15.606566178552356 +4.212486087885275,4.887044945516232,10.773394910882649 +7.016621021644194,5.6842672105505105,15.32732514312423 +5.115385502667199,2.0555840605454936,10.646524625888363 +2.581082608063754,3.5849724105939353,7.554151337182472 +0.09284385423503183,4.17363449580237,4.235821357279426 +0.027684757639128144,5.650154359213367,4.9600058597379055 +7.040287689723489,5.621486316151264,15.3218051530309 +6.935199732048759,0.00013168556207476811,12.370014689438301 +0.5944197328430956,6.984624408755553,6.31413453091821 +8.029001479567706,7.177015708893944,17.5325750145557 +6.630122425535516,7.0738266381156,15.458482583576586 +7.395899257961657,7.243774983675692,16.75005802764967 +7.380084776883398,0.7401970741518082,13.56596031577804 +0.6327155149462471,3.6111994322943897,4.635462672621316 +5.275967145487956,7.626190539217276,13.724007524709688 +3.3470781879101255,2.7511707663363483,8.514016328880999 +7.814483081185295,2.4933685145399496,14.850525084485229 +8.208413768144634,1.7713354972003859,15.324990045759286 +3.594735228724768,4.010756094263903,9.353585505688256 +2.9951044730764287,0.03356913887012647,6.5805751246331345 +2.3550925782124787,3.3765355887887374,7.199100005454373 +3.136248945266628,7.855554964772072,10.678025753989484 +0.4736776253647301,3.889486996552407,4.816163948892247 +0.3751545557944125,9.306475661290094,7.203828253556949 +7.902094370310964,9.821615992380135,18.86359955817942 +9.101605316960185,3.158127721160844,17.25893555009446 +6.915834123305803,3.0655408747840838,13.827919650238425 +8.88211187929624,4.107528699673414,17.362373447650562 +3.7588754190423215,9.140687442333334,12.18784640734611 +8.367402876198543,9.664135533643016,19.241991177096185 +0.6648808557444685,2.433388780388599,4.259919500487712 +3.008577478670457,4.243520609547621,8.70042365122126 +4.73130045948536,2.91472428066738,10.635551912149287 +7.904504231450284,2.232441444850565,15.115956054718922 +6.96517313299113,8.517683155920974,16.801993820008164 +6.036982391595863,3.5415892589282083,12.76596556398084 +1.8789124219665132,1.34346194403696,5.451079531675152 +7.441747391490616,4.69131997583516,15.592156874458917 +0.46319551167367634,9.838395069426202,7.652961599340593 +6.713031829889901,8.441825514269771,16.288677913433947 +4.381886713170115,9.554386208080249,13.262551104298813 +1.9952502092412727,1.851361229388161,5.865484183420272 +8.903347347703589,8.917170640057282,19.871887282655763 +4.990194854990422,1.2578635535397864,9.919139327354369 +3.0521645820327192,7.541523380344676,10.115011617829905 +8.459919080013034,3.476547477448171,16.497490097828223 +0.6123368181686784,6.657266815727806,6.193790600960436 +7.394970414382936,4.240146758636926,15.259382729303997 +5.830976116178693,9.873714975240834,15.840988888176431 +2.449985993596594,5.729776937992509,8.43856087963598 +6.109604135626425,5.491071960244631,13.74298286539829 +8.691295579437957,6.050075319221165,18.0343412637958 +5.0789002239129,1.2301502666117314,10.16494545840084 +7.032091992934255,1.3210736149470037,13.206138896171748 +0.2656989336422366,4.8853116306346225,4.895007473547046 +5.7244527214773235,9.9905406137388,15.614618816576394 +7.123267944552865,8.485903202275773,16.932478702043102 +3.463880390307553,5.089146825799675,9.846209868493654 +9.742689906618555,4.173885521427763,18.768047581792686 +8.072904248023839,5.259891177444961,16.72116202037697 +2.239618515300641,5.804186372108829,8.325045821835854 +2.180620283703215,0.030269898757411262,5.131503941314733 +2.358960154733433,1.9314383235509036,6.610534251359979 +3.7092117719943376,8.885969038092881,12.009021179217607 +3.8785307359867582,8.45187627490991,11.92366629171528 +5.556130201315813,0.07614704222566937,10.330604983531142 +1.8873671290321514,9.312780452080364,9.591194958875002 +6.041734461977185,9.29546858572274,15.633570056762201 +3.1012002030345287,7.165623782827428,10.275671993100126 +7.720251598972599,9.756996027362554,18.546753109031258 +0.181764831689607,9.522372151232462,7.036277128267807 +3.9159021760416515,8.37992405744867,11.977355978887001 +5.447129182210839,5.646495430333655,12.987551174877792 +3.593778881864501,8.284725903781975,11.392092025685058 +2.6401357083783337,4.922413861786064,8.372544936549415 +5.601744987674754,7.425210934274884,14.00450002258482 +4.71635337041537,6.802828988394937,12.471253607010496 +4.852940963479754,6.593206369585946,12.44908335840365 +6.741434762081482,7.094415605292438,15.66770185752593 +8.23299793860326,5.407225609599173,17.166396724411666 +1.9327816386989327,6.796408416190554,8.416943153233241 +0.7711808349216187,2.1895502246118403,4.127002071760888 +7.921575286647991,4.350701443300659,15.991103915583146 +4.980441676512171,9.8739691848353,14.492923634118034 +2.3517248584891792,0.19552749535934555,5.69575539629206 +1.1137260951784411,2.4450185966082962,4.831578311430323 +7.259200243964692,7.75822031984762,16.71926356780409 +5.654889540141138,2.5504639869816135,11.765792779229304 +5.2174189452682365,0.1495755593393422,9.717586942518016 +6.818009427417962,6.142975554091679,15.351034974949313 +0.21796539381543578,8.170116336327956,6.520313399939544 +7.6342653516212176,3.0822374556831313,14.953605583715493 +6.35376650632306,6.014929634649731,14.396192675530935 +1.4318027922687027,1.9325930111436584,5.2552620562748285 +6.832061362281295,9.335516462700085,16.937793196301076 +5.762843206987531,5.678131455595449,13.554226500339524 +6.466816947038385,4.4057830017812885,13.771003660250548 +0.5417204350134375,3.9650384672469716,4.663351739828245 +9.002522101178897,8.049468003915486,19.56992927449015 +9.274235685770654,1.5283158513241057,16.778267945171674 +5.059577570388295,5.847281548129438,12.40008330492571 +2.0992550999297444,2.0097023926897006,6.143553623994232 +7.8203293264280225,6.718519170522066,16.931031289710404 +6.4718753681516015,2.6698745798301493,12.972594259846288 +5.067694242472069,0.23069953489327832,9.69118873795324 +1.299460526004279,5.182508627607913,6.589325626742921 +3.096722756319128,9.656697568965166,11.262855353135977 +4.714847232670106,0.8356415635685066,9.622131483308994 +0.17842347255312418,7.252578738476714,5.876869670782278 +1.7150673805031391,1.8781236900505904,5.641101657490842 +4.238072226406711,2.6406058915346464,9.747281021846515 +6.165770797461895,4.856925072237638,13.762348764414908 +1.1145060147723007,7.847408479094485,7.797492889622568 +4.258588544142481,6.1083431958930055,11.363892954635476 +0.03942332532681725,6.26400033436537,5.204679495754852 +2.8284985703093444,4.943707432099935,8.615530753877882 +2.9772060382128975,9.962607446422428,11.436891853081164 +2.308423147116235,9.128596014892565,10.098942192700642 +9.17966631829917,4.210006529343677,17.98723637089307 +3.0400311552335624,3.8103554689879116,8.426998504752982 +9.89339087391798,6.187962273376061,19.81358881130327 +5.447802378206386,0.35917881339427304,10.358623575759669 +8.478430303970256,0.83805455807199,15.051455938665518 +0.46972367034381346,2.74858086117992,4.02108789511267 +4.757886050575182,8.952889600044005,13.680447145916542 +7.900787990828386,1.9763214450584299,14.887905673995283 +3.720795284272765,7.802402646188828,11.565814481986584 +5.270924474690974,1.7449194202407925,10.745124555434064 +3.9605520267833336,6.259358045097069,11.171404436975333 +9.732256748088346,6.61812054856409,19.90888027056117 +0.16195162231396942,7.050082766325282,5.739553273230596 +2.5086480745723048,8.621589142138149,9.963886424119801 +3.8388990822613858,1.9961503775430023,8.547430284378063 +4.679471865102345,2.5519797431500546,10.138804897442421 +2.358214884978506,5.73261800773493,8.425177555737555 +7.6734627085087945,8.349543741598756,17.59421394240698 +3.97669870470391,0.6680376359693929,8.134540532337903 +4.839749984655533,4.337814770283859,11.38659482749993 +1.969789482530394,8.961449011441202,9.463386733180938 +9.741482530206888,0.5174718803308143,16.912466678930596 +7.957463798574325,6.457165579415387,17.16189147042256 +2.61436258165908,6.35156118282813,9.09123834181009 +1.286431916834745,0.6940650829749728,4.222839464089975 +9.934890750522605,6.363698584586601,20.14757599516109 +2.5322262453323354,4.500339559037659,8.030827689674283 +9.500881822978403,4.387250683868097,18.43731484513211 +9.004445320023443,8.688091979784616,19.954498495509096 +3.4415631609084327,6.960090040771025,10.721579771319604 +6.604985037825925,7.712118706198419,15.745050385370265 +3.6592916426748543,0.5223649849813272,7.717414300620161 +1.71039241112511,6.165536876737592,7.61487324556388 +7.751001868973535,7.56048634535596,17.20461932927859 +5.836815851150306,0.8475814571489249,11.288704142771163 +0.17288627185812477,7.821417573220727,6.101557464704431 +5.493764341898627,7.827121027315078,14.23966878543065 +1.6278846147938886,4.074231707711435,6.48310160562125 +9.19169287077973,1.7159799124716568,16.78469596763275 +0.6152690381254433,6.5346738378174845,6.243188972738859 +5.945363406217563,9.520305058577334,15.76940995030529 +9.064684210548759,7.49430390220571,19.284970490161882 +0.19157237878252187,4.803869684065601,4.560752485573529 +8.961019365370388,4.336510881144773,17.6245370891407 +9.621457196129947,6.5248798064398255,19.50290719979492 +1.0945712754279413,5.092720751866835,6.141421995615888 +6.956171356451476,0.6536897223962068,12.642158614156045 +3.4464953207076743,7.170810630539863,10.671182377232007 +1.5707136230703411,3.483398982705226,6.15733921101607 +6.89910322467234,7.755409018641139,16.279355992451524 +5.185117938254206,9.568575277000097,14.545768539510773 +9.253308587989965,4.734370539077851,18.27914900670046 +1.6027441011132237,7.7293156388395845,8.214705048869188 +2.43139575393144,8.42821309999105,10.103866306072852 +5.871443411550983,3.940930063977466,12.80771389702653 +5.563833585825442,5.328087684579272,12.95076201062682 +9.247328458999176,2.1436304976156286,17.030344599899866 +9.281584525516763,0.313410414598555,16.203100605343906 +7.692032815330766,9.196681307115652,18.058967985315892 +3.9405219098652955,0.7306718699526726,8.134262776469125 +8.0466753149371,8.42864855691735,18.16229186238529 +3.3625738798845353,5.185932856859061,9.569831642545504 +8.094690680101495,1.9204297725011954,15.096824040256188 +6.2897575639127,4.306306595158191,13.424876635720125 +1.7441575225426353,8.314402072509596,8.731612628935345 +3.246808321999267,9.344261156550163,11.521549317538948 +5.68933869819802,5.145099813847383,13.139043946125534 +4.233059442193591,4.006708898563054,10.41412184011309 +8.17966274837104,6.77500849486126,17.6971527182865 +7.736901311234225,4.210841596112086,15.889990093856957 +2.6143722470273545,0.8686521852818196,6.465296801052139 +7.7665598998404475,4.152764305177041,15.748418206147333 +5.09223592096683,4.693432351970453,11.888021293477415 +4.311378563692402,6.838995770678498,11.81901598605169 +6.087341157586086,9.720537986443055,15.848414176488882 +1.3890390764923166,5.735193132327168,6.966489661420166 +0.6324016340231398,8.079184187082,7.02133076138334 +6.163113332510931,4.283788159925379,13.47585535918357 +8.022356546439461,4.550026084915783,16.335279691605777 +2.277860953134472,4.7250076111033685,7.884694114438583 +0.7083179663733918,8.978611096393875,7.659232400614956 +7.309583747344611,7.603157862150277,16.663144949186623 +8.744933040184423,7.9157258881508366,19.023456171650388 +4.3185259025343985,1.1863640152544963,9.069867015300808 +3.7336477998095274,9.340847143797223,12.200287803584619 +9.490904912313797,7.678708655237956,20.051379365294995 +2.044305830713875,1.9444985846416063,6.068833896315089 +8.797715108807203,1.4191592301112477,15.893844645868429 +5.841374773324892,3.782516822790678,12.653351502899639 +3.020110079611765,6.773820256769804,9.822811362410459 +9.595690766519379,7.7763373824029856,20.33234905138477 +4.861625931015539,4.407115082022164,11.539322606757096 +9.076641883223868,5.781070984737539,18.429248281057173 +4.966390230661952,6.828358695314231,12.734441952594809 +2.3715381712952643,0.6373548757487968,5.999009168045495 +8.55111440485344,6.072617006994569,18.037797649012255 +1.6487710122506882,2.980479265007472,5.986867112210971 +9.899335125895307,6.344236324636553,19.984952357268227 +6.361121409671224,0.7216366320872203,12.007128231822216 +9.689917342439319,8.927828895587206,21.045825465123897 +5.477824422632205,3.0938891645087354,11.742610504531392 +6.980552283860916,8.333743944718691,16.734507850662332 +7.861214098232535,9.770473720478789,18.596094690811526 +6.368553986669426,3.2122543155886527,13.089877632806237 +4.979276130685336,8.163171679506165,13.586863211457368 +2.653425872153774,2.314082549439914,7.148604224243294 +7.248345803264708,4.444274265154108,15.15838373972234 +8.165703951897227,1.436835861589889,15.0863069507703 +3.3569646314940673,2.6809990659010117,8.220701570202325 +6.978681480662735,7.593292133266495,16.26856346552119 +4.560026958865563,4.780293763989356,11.420295361436745 +1.3203188278912947,7.018280938130524,7.429963341873449 +9.923176335992475,7.779218408318094,20.70289893311684 +2.231123231876281,6.231227395942356,8.238199813510272 +2.9495681066425297,0.3017655291628296,6.585409764406809 +1.7982285565583356,1.0259357226384136,5.268371544258952 +1.9593255356819417,7.956044214490035,8.974865833093961 +2.9283213403043176,7.570399509451119,10.073976639843858 +9.488625548427708,5.742731150677747,19.103432530043182 +4.854089420100546,7.501271755902637,13.05392462124167 +0.9709013989309001,4.282120874848852,5.60262330360365 +4.988245949320607,8.310513103983777,13.52814502596805 +8.142176602312993,8.482653598499812,18.462322455227465 +6.978729278677019,5.305558071848377,15.039416479182906 +8.278793213433822,8.732824152552697,18.597411146972984 +4.804845926588137,9.856619078887716,14.20370907545729 +8.748181249791786,5.104696654214079,17.68862378810212 +0.6928759534710638,2.2449205087189625,4.220963710563849 +7.763985793762849,1.1115425699868475,14.14830451327425 +4.698000663192632,6.048521921047275,12.13391615346899 +8.783468283705153,8.4711386289348,19.512984556857063 +7.642779210597328,4.07694242611199,15.67803891972771 +1.4224925434229707,6.696493095578479,7.563370880917965 +1.8128862248847266,5.613144834086158,7.564380719103457 +9.806781824633443,5.503097758072746,19.32373323793883 +6.455568672604475,6.775754719161738,15.060577845563706 +8.303883576755048,4.3498067810704875,16.488462611764035 +4.975099010524977,1.7597201392458994,10.260620998436979 +6.14679887737502,2.957580063243892,12.894494180217846 +5.076247488886995,7.665571935098978,13.344853849754838 +0.17569904681986603,5.639155265843732,4.848866942709136 +1.7344501731068973,2.7938333978385366,6.079908578022229 +0.3471328008699792,1.6946276018590223,3.300706295399055 +9.866293932871518,9.98522761199312,21.868855454745827 +7.198479198896475,6.118568547711936,15.739990069364696 +7.77006953099265,8.965542721851618,18.095284284140536 +5.193050595654082,0.3528399941770122,10.085584038331529 +7.093958205800527,9.846025020724225,17.43174779556507 +2.580529559719613,4.634655654611,8.1711955687005 +3.6127440105128117,3.9046749422986338,9.400583925201483 +7.213999938753569,3.7840438975605006,14.64109834713922 +9.410841254587266,7.896584537635603,20.088751171484517 +0.2764702508769512,8.185488820337248,6.509014555904449 +7.728574224386586,5.1649372838123355,16.228784258978667 +4.968173967464136,8.355269034669533,13.814114992326815 +4.247852891630349,1.5946234329329845,9.4366121502111 +3.128988328490326,2.6520240335748935,8.065827421064078 +6.810590296514503,1.7887335004084526,13.09921277517204 +6.44772436432807,4.659669472637619,14.045513165103861 +8.396609294117818,4.84998743217468,16.996683432774986 +9.29803934569383,9.004691278855878,20.290666413846385 +1.8528757910402283,6.861663523518836,8.20548640099893 +2.1462474912077525,8.233043062304578,9.444104473819058 +6.357231545365691,2.9411769428165115,12.859961076429531 +2.4912362838350646,4.2957765504543,7.786283712643344 +8.00722971461131,7.961616090394516,17.9334574326785 +0.3337622555493547,3.0228721547090007,4.049313846353047 +4.2285096346971764,5.855820134442432,11.508374445968661 +1.4952700881469905,3.352830205289248,5.838388618838328 +8.855970205679588,4.765475134136495,17.675814392006487 +7.441432260434394,4.847785064963399,15.58661878965892 +4.649825764004635,6.21925525083504,12.054241681408568 +2.5936451218961754,2.4980209930624997,7.134707908033809 +9.89353854891609,8.689920093192223,21.138794145601913 +7.377548964496445,1.3714453905553325,14.026343897329728 +0.3022471118476666,1.7541250419709298,3.4054007091993435 +9.3773096450752,8.162897702489879,20.101798905132885 +5.230760124885764,9.687805913683773,14.808401336854937 +1.46582102902301,5.591504400060368,7.02015294935612 +1.8322212639870983,3.064286048043059,6.286269662549807 +9.401350189632256,8.682785165486834,20.4252163154857 +1.0179878563058609,2.4954380556093847,4.749697445373476 +5.945074695820506,0.6135278734082439,11.102378912309147 +5.500846473514374,5.844914357940106,13.006360694627967 +2.909671813304595,2.931229801251234,7.867196601172101 +2.2907926877007077,9.356763701960428,10.095362656121825 +3.8887114069907747,5.852690631138904,10.847155601026662 +3.0157457425351453,7.026640044149043,9.947948414588527 +1.0144127105864253,0.7164154309466397,3.7700324268063956 +7.442837605818863,7.266679583153499,16.875214103241237 +2.6500133614066224,3.5504671272468835,7.720719761484292 +9.572605013328223,1.0433029499531432,16.96613237550412 +1.8314706654667101,4.300383649732332,6.9007439611003365 +2.8209890605552514,6.490085486322071,9.664278623180895 +6.906017229466844,5.263880838900952,15.06654038740003 +6.111973014027699,4.334208320203449,13.37603845680066 +7.60387253725166,0.42098497846269733,13.69629393050291 +3.128913366558809,6.8443004139489405,10.088230463226454 +3.296451078753825,0.7853528044294944,7.1730615848457315 +3.4501342846677527,7.114947717886633,10.768768094486006 +1.2198486525331775,7.2463136421165455,7.6470887220042325 +7.754557163575756,6.353007444226989,16.57929523355336 +2.4423404855814423,8.052953571950614,9.736902010217301 +2.1444250177846538,9.058209521713504,9.592223330172434 +7.066456991420821,0.5471992664705971,12.870954664933315 +7.992871186616631,5.064335403599074,16.529420422279816 +4.526488963130514,4.205111926984868,10.966974778717844 +6.066300664409169,7.245785007829612,14.74335979511763 +8.959766157245607,2.729448129472253,16.94172516609259 +6.307762729104237,6.8634261146813,15.00999718744191 +6.747971397868926,4.930006477829699,14.567292924309598 +3.910225482037011,7.623788170670917,11.786671596563988 +3.0000980404080133,2.080531623982431,7.509134794012663 +5.458291937601238,2.6761085766217696,11.477006437915989 +0.33233162764539026,0.5157574338230542,2.635937823938956 +6.950105263868746,9.73145845992073,17.422083518920697 +4.54688383626075,1.4706112558473416,9.52562886104682 +8.18083210529353,2.6143589697371983,15.336277219690261 +9.956264616038805,5.6326416582706,19.804924356156203 +2.3263254856010063,4.960047695243439,7.9261103940785524 +3.353812718296486,7.794719846269478,10.89821760926888 +1.0581588580805579,8.570027170325483,7.848850221596025 +7.673368942641346,8.613638039014875,17.783217187534497 +8.949937460416649,2.2977782294308122,16.84657209462672 +5.210058072286207,8.499222201663773,14.230968781232471 +3.7738797211611153,0.6040757679563247,8.032774674313348 +2.9163435653851657,2.4192031147481083,7.608249391488035 +8.700626186891045,4.638463494091482,17.483047149779175 +6.835442374463132,9.621191496915854,17.08812531035896 +2.991878523852037,7.611995575273958,10.375402211365857 +0.22764121518721425,1.0411617531152817,2.917864889182986 +1.618650900032781,3.124183368725084,6.0029025302582575 +4.029872151293784,4.770158907322544,10.523918923700984 +2.453313462833975,0.6621531961013594,5.969029341825429 +6.775230918402433,0.23661353534264462,12.286998475723259 +8.094706348587248,9.291548251512014,18.68988991434259 +7.103689136596344,5.959605172748319,15.548939068120864 +6.570185293286328,6.522220466175943,14.863473102449065 +9.317051360665005,9.643058711939673,20.842763169033404 +4.2671164190822175,6.170791761484181,11.55922250123516 +8.028070537341723,0.010381571721375105,14.155838553309255 +5.270159168277156,6.528763398176976,13.059377795180632 +7.172054497375816,3.6878940939628113,14.646019685325971 +2.9564442061159224,1.821425665679085,7.345308054579239 +5.578155490526845,9.193034322521216,15.037508558032904 +8.959781507240482,3.5996592715769236,17.174359854759253 +2.578551399382026,7.88793822670777,9.778166730984207 +7.2498001824418825,5.053398311374923,15.246049443239418 +3.890302595388575,1.2379790374517496,8.38275139730315 +7.851385890922366,6.174644435816974,16.864710877119347 +3.7688167973801665,9.187879760667995,12.264577654013861 +6.596727064118621,9.292388668437463,16.372696646954633 +4.744124603396439,4.546178240639299,11.338130945567114 +9.372392903140796,9.597914282435333,20.87357805275317 +9.607673188788862,8.18897393907443,20.646801093813355 +4.624061448243387,2.1029929426905882,9.903087380934803 +3.8344088127782827,9.382974915177886,12.492107078431138 +3.635542950802999,7.567174268235375,11.180745050183047 +9.230043510911079,9.703921628814296,20.652448439484797 +9.476741468753561,5.550575977222759,18.902643068072933 +4.918800746508704,9.876405087679863,14.21196966961047 +2.181792045803068,1.8753026168476261,6.162860081335648 +9.63182297745835,6.891948218241696,19.998509688243654 +5.363040097981578,1.320497928413057,10.629312122655696 +5.132402490163292,9.44221153521555,14.328635779241061 +6.028913233486717,4.046286224395348,13.087425740175062 +5.511030014651284,8.861450870177844,14.6977917917632 +9.128486611353276,4.000881656528953,17.686346327133926 +6.080610024343221,2.7920261268283078,12.542326867152378 +4.510852961584765,2.198826367831429,9.764734858737468 +5.314722618655752,5.782401349646619,12.773394381965385 +3.378367361307731,2.7211830063864815,8.52676760308335 +1.5102560663145193,1.3954366620615977,4.94850938038818 +7.1146111571411765,2.216380035727034,13.839750883126268 +1.179770211065605,9.988716897642888,8.886417925214811 +2.59916501889057,8.960483154281322,10.46356341212087 +6.091859537519174,7.15070166806815,14.576161355457641 +5.6091891149963535,1.808111950599689,11.306189767572386 +8.470515714526027,8.279727664867842,18.94972055220754 +3.4968546535026745,7.638506964114638,11.116810018816041 +5.430402583444279,9.090491405600647,14.70924370230569 +8.028243713039679,0.4099576980203079,14.083389403568262 +8.792759721912583,9.685664179784899,19.97031977056539 +7.421562026251038,1.1991353084706802,13.738843416516547 +8.073758898371201,6.474890426235858,17.20549365880045 +3.3882631752198025,8.840305511926667,11.581911089085752 +5.655666884531728,8.529279310194022,14.736379410058925 +6.701137485842428,2.885161037049282,13.296321602535984 +9.750186958610366,5.710055479395585,19.423647069861282 +5.16755241826459,4.03509628253255,11.740244173139832 +1.3634420307768735,6.862128800361616,7.463240075938682 +4.30799198005814,9.346125103556421,13.277012638738695 +9.650971686188983,7.67640855349951,20.372507842234565 +2.424947637025352,7.159796808039664,9.080774231761556 +0.20421750965055496,8.264005028083927,6.289377948360678 +4.9361856709052905,9.367396498851864,14.06129510569307 +3.777600413259651,2.6317360448384433,8.994889670131142 +9.950563387560393,5.306778715120752,19.678472887815243 +8.631825424104381,9.110571640210086,19.676013287702858 +5.184687127814234,4.557139255191877,12.234022571064287 +5.528859547723501,8.47739502881414,14.48775183252521 +9.646602316007996,3.2832210936971618,18.204969155675762 +7.386303821198466,2.853744772899595,14.548890988139856 +6.1095304133150545,8.047895882182704,15.079164907861657 +8.864863246612932,4.487161842792467,17.352086308434632 +3.697556825658915,2.5345161201088784,8.828004114502775 +1.3341717041818757,3.649175686436741,5.676328499130172 +8.719778047478473,4.188095162106382,17.08856870703029 +3.17293165811222,7.391322445864148,10.386575431111641 +2.1558447162593875,2.562868024876824,6.5370762200694195 +9.359086483383024,0.8158969261721671,16.574640308600618 +4.146311802434233,5.767511923948043,11.104498011456016 +2.302607156146056,2.810124842347197,6.805084904052428 +2.2184536474866445,3.451855720606416,6.846761638533451 +8.985057550784482,4.315873465716651,17.681360414001656 +4.178290165234317,3.865808801743893,10.203195800012175 +9.641157269375743,1.1729943621981564,16.993264393786717 +8.718754209393664,3.271610677279755,16.830545829184338 +9.565115917053534,3.1522724624365885,17.804729712464443 +0.8287436325632047,5.200418843525158,5.774836745188155 +2.2786557930991034,7.5298981547337585,9.158429987532234 +6.573056183279544,6.864691579223767,15.235711721812935 +1.9348948861063664,7.0863026488514045,8.500569095530304 +3.113310269803373,9.986740280600712,11.709726928054499 +7.317676630740063,5.904115074085128,16.033669485711073 +8.67117779215548,5.893116997194271,18.003557223868228 +5.527498667755334,2.3731560280537956,11.466288652506398 +6.78111995325425,3.7464442824946143,14.010920282755277 +0.4308262781213035,8.160617963699577,6.772076164603109 +0.5187316664874186,6.723001228405259,6.120567503512234 +1.567208914849152,4.325695165708638,6.518383678629732 +8.590916585467207,0.9441954911414663,15.409440952591181 +6.6715067855262085,6.126187424860853,15.084209476524336 +8.675297463562927,1.7273487132406673,15.90748006872571 +7.997875046358049,4.5012119674132824,16.168326384389278 +4.286439124932455,3.6178435083987495,10.373551002720122 +3.855741461959179,5.199596264252251,10.27274303658638 +1.067998229234658,4.250658698729579,5.771246466395186 +6.519812150595229,4.981923534383146,14.222095924887638 +1.658294688496228,3.63051701791632,6.410935146080106 +4.429616744259298,6.688748146329681,12.077173274052775 +9.007663225374978,5.503755125878184,18.263167419723967 +6.763681281173641,0.7718962543940444,12.686942088419157 +9.544670293475932,3.152086903555229,17.874308970027634 +3.5429174968792143,2.2284278064151266,8.516759337458383 +0.8467007176554919,7.900467901418512,7.147661943236727 +2.404900817061728,2.8268773534531313,7.061287283078913 +1.8179627660627262,9.7488528029888,9.508124518159745 +7.810347972792044,9.298996499807005,18.36696733542853 +8.617233670535104,9.062967995452617,19.45219328815498 +4.79034051849193,1.7054143735710048,10.126073844924495 +3.2688033435754438,2.9245151698170355,8.298387606228976 +7.171338376013564,0.2567268630734243,13.192706029324823 +1.4204221491797708,6.828851202548609,7.406850148922746 +1.2344235380044144,0.48291850770400213,4.116389477672656 +1.0921516461119085,6.906741530430963,7.120377303907274 +1.3932525940470009,1.4630436113648138,4.875210083879637 +2.303001967590993,7.509107041965226,9.157517208911703 +2.00352912260776,0.353753967242072,5.206347716257435 +9.058633555759405,8.763184242909228,19.913097631560213 +1.848190008964724,2.6534258977345493,6.286311988942148 +1.8855757144364094,7.195345389617299,8.362525512710162 +2.5000888418923206,9.31449757378502,10.392579969291804 +8.27641024383569,5.884011275696732,17.290287636858228 +0.08938224713713194,8.836694064166666,6.4723939204183605 +7.277616465325542,7.879073965410064,16.7158530227936 +0.7182520457199104,7.085601702185422,6.687385588291049 +8.045894736241436,9.566353561570548,18.784737064393145 +5.8047047278243555,5.080418519992715,13.167551337472569 +4.253967899819118,7.012876809646437,11.791073350317047 +9.208213047146138,5.997550487160357,18.84153318849848 +2.2728364150833977,0.17573950309176745,5.499291825085679 +6.191131182675276,8.645978880190526,15.612312041099162 +0.6597527757340937,3.975712089613459,4.901349160141603 +9.400469260809029,5.0167699585680525,18.652612148631043 +2.2065822978859306,3.536564117688484,7.011920632878439 +4.081395661948063,1.1728951441679214,8.715559186679796 +6.6079224384841115,5.921643290924764,14.858731976800337 +6.477228778655774,6.10791568680188,14.600952533371178 +0.1667206828833967,1.7446284956631963,3.325273674128921 +1.6557200194586053,0.9795148629798944,5.030816229331192 +7.3547577319827635,1.2013721447849168,13.650843278936097 +6.681940734503442,1.7839030965367542,12.948666239395093 +1.1831017824792633,1.6253004861607934,4.792535932409996 +5.0840345653802,6.454825098577556,12.967151041023453 +8.119248600576368,1.285622054646306,14.856560329546983 +6.161867473858301,7.738395994112473,15.041168356281657 +3.124051715078844,0.7971557936743767,7.029601341076387 +1.5594596306651387,0.9155864756045673,4.616657046048155 +8.872119310226779,3.7670166836023453,17.154859066788813 +5.233486051357859,7.686881518043146,13.759853673105889 +3.714984221207238,6.491026546276127,10.881352494776172 +0.7667985321843773,4.809056475686004,5.616340635689296 +0.9651896617030764,2.482841406802281,4.637668787754907 +2.9334082759546867,7.1758380388694665,10.043135791604996 +6.741041862892539,7.470800889310658,15.92938164297298 +0.6175504723733516,9.93914212173047,7.673201395509599 +0.5442002870976892,8.25747791439154,6.975481634367449 +7.4026893348053555,5.917617904918199,16.270948030981494 +4.388571651449872,7.571323532701827,12.339372790855819 +7.3985780326884605,1.3717833548980451,13.531576762394819 +7.9263247296087025,0.7855699743496525,14.201006196390448 +5.005461421285347,6.450818265671943,12.552147335650348 +8.216888573752277,4.6311021809305375,16.577447964281014 +2.368580775651452,4.906596154566065,7.88376264264502 +2.502081104371201,5.287253814561483,8.489834108579627 +4.625081831065179,7.805044837503944,12.917996645843417 +2.4009011344252897,1.999851841903395,6.635576372687481 +4.741853395669599,0.5050436519085066,9.48792505812153 +2.2934062843550587,3.5370491418769188,7.15209603070472 +4.876297125609103,2.694367112253641,10.668984298865007 +5.606364947084064,8.784146664451715,15.021061935101455 +5.437274613576021,2.868395217364318,11.648637652636149 +0.6198097200231489,1.3666630474832364,3.6713257111680426 +5.612173685471906,6.837088381043798,13.760050381141973 +0.4966794355407056,1.8554982971348166,3.6311108796249125 +3.1908127067657057,3.197731088805024,8.284788944655798 +9.58407014177961,2.037705979424226,17.56304946371008 +0.6252034947910889,3.530148293123191,4.547058323938565 +1.3444197102967947,1.2658196513578912,4.7409532883170185 +4.074506611171284,3.0639113924994863,9.701827729857966 +0.9172677615535951,6.043034294274493,6.237082440581505 +5.016997660203501,0.7709966895130538,10.02523556631964 +8.627444740141444,2.8471305821233273,16.33886250643368 +9.613807849471794,9.315386325563257,20.946316189023324 +4.340966262187528,2.2856694043833494,9.690732330234786 +8.348527125302226,3.6128584162244683,16.2469715330167 +1.6355069467129824,5.516077158189412,7.190805435891704 +4.894024427012658,8.500178788139564,13.540551027577933 +7.29281379839332,8.761394868367537,17.232006038769278 +7.347029123873744,6.42174960647797,16.11257817602433 +5.001771522770127,9.875532894964476,14.520107189299496 +9.591648240001723,8.488529815357497,20.664224879778317 +7.753192137855278,5.775595501185121,16.54365216336281 +2.597533605262068,8.754390270879648,10.23707282308858 +0.10816134878957717,2.274399667939332,3.30457150978201 +4.037324450844698,5.8615715523407195,10.91316707862467 +5.608793203603559,1.758158263852847,11.21693874266485 +1.0479819981353178,2.223289275852797,4.854641555111001 +3.487087888964836,0.1405368792008621,7.389354510714223 +6.924558205498558,2.4772743573749145,13.569329250482495 +3.514044365483624,3.349016905838995,8.795958659784228 +5.118298008785218,8.597997220946109,13.806337006921723 +1.4938995350554118,3.4072711323127,5.8810673036643815 +6.920288077317835,0.4423141328043678,12.612359617678191 +8.299786351622236,9.618251404974265,19.270642046726362 +6.076372025819908,9.565083710307213,15.911931850975247 +4.130618294317477,4.1503173065513685,10.304508299478414 +1.0624890941343745,0.35446934999769697,3.6671321505860033 +2.445043181345339,4.781286571011477,8.208983208318314 +5.07682390862889,2.175753817414333,10.683374133581834 +6.128056746614275,1.812058748383879,12.127598767166457 +3.2621114026910014,1.9570951518932744,7.806094294034851 +6.966635999901375,5.165725082223118,15.063965470802822 +7.361010990726155,0.5724816959164969,13.53545460082268 +4.253620802351414,9.669585789814207,13.116290586591115 +0.5361951470636361,4.183786896959622,4.784626746118196 +0.4039821885562056,1.4665332097079997,3.2527863561779795 +4.625264515730515,1.575133976840526,9.692148312915371 +5.187554249638431,9.227316827700696,14.342849685663568 +2.0040755819742673,1.0718650971219779,5.437979847437465 +8.25276561982952,4.6026984741375525,16.675531435375728 +8.826110988441378,3.061232946653872,16.925897041510318 +6.275320051870896,9.233135543016642,16.014565968431704 +1.7169579944790592,8.007285593054034,8.56943588407599 +6.315167498451273,8.129467446270533,15.571779254837223 +1.7069334495310817,4.340864703370123,6.795599003394833 +1.2883722847695267,9.600821079853647,8.870291764474404 +0.6269172296013448,0.6548339799438829,3.2917969731348506 +8.981561921817022,3.00762148137675,16.975887981530732 +5.970200328471501,2.8747552890730677,12.293524879939715 +6.487583756275316,1.9246936927002722,12.767718610139838 +4.588694580514693,5.334921747803945,11.466051104069743 +3.3364289028713,2.5170061126895202,8.175596496731691 +1.4020666767121681,7.061443363079198,7.653135117489822 +1.6828271599442324,2.9212639118814465,6.139025200718019 +3.369087646165174,4.543667969796701,9.398111153308685 +7.02568699550067,4.279451346537054,14.674502872862139 +8.710936214354835,6.797856466201845,18.367173582557587 +8.3848671613018,7.163539613309407,18.311281875713927 +1.4863179983709962,9.779273018640902,9.113455524974169 +7.865862657683655,5.727217686340125,16.633382209185662 +1.6523094073812616,1.7268064857897447,5.397384048572085 +6.143311748601416,4.161971330020114,13.251148215438272 +6.758595005151458,3.7242772489970264,13.924730750646717 +5.12845171456595,1.8795803796396204,10.566758370629987 +1.5520114429382659,0.756447636984906,4.640264722508231 +8.196393048985524,5.553862515796613,16.95878412425012 +9.471410399066624,7.49486281359328,19.830654748257466 +7.68763160249494,5.090584341970155,16.17394255594122 +8.154539365256507,9.420634453138168,19.009010387508358 +7.217402523354377,1.0558894088700133,13.271768703498166 +6.510198592535063,1.2043321224109194,12.45630418587586 +0.7722242241866784,6.92900405115938,6.6537696391516405 +8.347854319240385,1.588414907293666,15.283609568286403 +0.7414860796604472,8.865228941920439,7.422260524318759 +1.322093369908689,0.3508609374373717,4.192715233324186 +7.21054368766489,8.47715554095343,17.240931356631 +5.144733414642263,5.399252440937879,12.4181834963958 +3.368605127273786,2.384631988662326,8.345088982901414 +7.552320701755861,8.492844081210425,17.553731307269395 +3.212447581651967,2.7381918487565136,8.279950790287462 +2.677917195450501,0.5059541802235612,6.254831724803758 +2.8107502484038105,0.2565091696900501,6.1038471721737695 +7.884076224683728,2.5592682903096,15.033574962566494 +6.901551893513637,5.4318838554055615,15.081495845573865 +8.374636299771987,9.603787275570216,19.472110529388768 +3.6729161412916502,0.8834081988963716,7.935728345722294 +7.496457643859228,0.21302326199183375,13.354179632143419 +2.229633344862463,0.5325066847313853,5.551976497197941 +8.981483716198154,0.052970817015722815,15.654803634077538 +4.9274216501523185,4.239991271589801,11.661197063124611 +6.527446645481395,2.8974408856924985,13.172265978614236 +8.736954004694583,7.343457415813933,18.62551864887342 +4.322944259922329,3.580262495125414,10.093827829244415 +8.158882474975846,7.5706029853577075,18.083966057784682 +3.9900005802404745,3.413718626101272,9.705382275914786 +0.38887989662542144,0.8170724544014563,2.913676618124022 +0.5391845555423469,0.24415486348026816,2.9580384359042196 +1.5287238214078092,8.571418176805748,8.4557623328153 +7.981593107558651,8.45573847828197,18.27975122139971 +6.238003614254719,6.2406310124067,14.43908993955553 +1.2393174655301664,6.989653536423868,7.245657059486054 +2.80026410870473,5.192533297862011,8.759961342041855 +9.547226038008574,8.706153943184272,20.6337684915857 +2.331935072957921,7.366506157002934,9.21766152477864 +1.0409074995921108,0.26742485744032596,3.8116734360186224 +0.28174274781860187,1.7024648421801236,3.3852599369592404 +6.94948402093793,3.6330589345801867,14.256718650464173 +0.15942438966691785,9.880226313768418,7.160530676147756 +5.333784032319931,3.938802151113175,11.913212767263893 +5.188498950488314,5.199709098585499,12.20580098577853 +4.702365770929937,6.1294890446497075,12.11637181408306 +8.856266198683064,3.0171369207708656,16.70786661212894 +4.8696862284596225,0.03643996196768695,9.444583196292696 +8.598142813182026,3.0590388891311626,16.406661584576028 +2.712968983283689,9.975371692110347,11.131847920333463 +5.84392938745188,1.2304324614099027,11.33285902087428 +2.6552496989357097,3.532265882663114,7.6814592432568976 +9.860600478706539,4.3062167791485795,19.00448813438129 +2.3013398829280907,5.697309674128172,8.328428058421323 +4.047596580570104,0.5496038814187043,8.378417537934327 +8.609196124543255,0.15687527283303915,14.982853897696577 +8.984836357454766,7.918587036018022,19.515487062980952 +0.7582321014241111,7.236110778130539,6.8198808281081105 +7.709416821393189,6.023070734286845,16.357978585099954 +5.776708001561232,0.49687026247974053,10.887751799459387 +0.5949637182278256,7.272886498356969,6.630362904126984 +1.0556517891890982,2.4184410070647755,4.690744688193857 +4.988365938233588,1.6416367361268158,10.134127693327704 +7.898395605500256,8.073780237790887,17.870605342810787 +8.421432112608919,0.4956812077470496,14.932062358676637 +4.278731612336244,8.469176727143358,12.606637647244947 +3.632193903066989,6.958203783230225,11.056687372185973 +5.8924590419000955,3.472086167071786,12.759093851573121 +2.7640482909042374,6.5274309209940675,9.2172801430169 +1.33624137002897,8.601225190877585,8.266575219209084 +5.764434410807034,1.1150350512583918,10.975984999645307 +7.035276451933637,4.31112549882419,14.774578335648929 +2.040814153631757,9.61069292924866,9.798582116735524 +7.196477850144256,5.929936233279961,15.712104343211523 +8.488671810593617,5.438697898821526,17.567165859230947 +4.414706123329038,1.894468598607083,9.436453836008788 +1.5339042511817869,4.319693163718482,6.302746801579951 +4.559745790275159,7.333125052307272,12.278433651383773 +4.420850100368764,5.931592005654178,11.724123906018482 +8.32518524076246,9.933346955105417,19.558273234438623 +3.225253151512825,9.019544637283687,11.318263238624903 +8.060508718535988,0.6800669031955309,14.303271982664937 +3.3415893085389126,2.190429598343834,8.19100849247535 +6.64384272422998,5.552991362176883,15.017727325421315 +4.948510525895537,7.635637638075775,13.21701584547111 +3.333086958119834,3.827522955532656,8.793101525632997 +8.656339482254493,9.722085092600066,19.969721044239844 +7.763573407678322,2.1707097477722623,14.617466156789668 +1.1265163216384733,2.0920514776580204,4.699132769953993 +4.227613650228964,2.3669702774763826,9.261034635084364 +9.010411480720117,6.707229017674402,18.83890439767184 +4.167292447830141,2.738117328615608,9.492168613943994 +3.8066100514096437,4.760505953667302,10.216051339215609 +7.138223521757286,0.893415582288789,13.056428709778594 +8.488329397889457,1.2756003113018,15.44827521530257 +2.6245008197243793,9.935898957725838,10.894206831643487 +1.9020863404425115,1.0114218778634565,5.371376895589013 +6.3840530191879825,3.931290798512249,13.593947036036583 +0.9183543426850871,0.03742428349045035,3.390898324443717 +0.791615763814778,5.227355787719067,5.736321102793082 +2.3089294513094227,7.7755213431894985,9.269952222885802 +8.57508633071743,1.4483301771529433,15.637692572655528 +3.3701987073447013,1.4657412546819748,7.597994835704764 +2.8669270358194723,2.392044187505713,7.6642290856103985 +7.8686490093718655,3.4547967801406623,15.543554076909437 +4.955647987441764,6.738951054729815,12.769208017508669 +8.222566491521867,3.012090903224518,15.866503670117801 +2.0922066770401915,9.784533737558675,9.971147106439766 +3.2014754464749693,6.710680991808755,10.139748851012014 +6.778410406778042,5.14029445599541,14.624590548259293 +2.2844744548455695,1.4145742095417624,6.171507380420228 +4.8701614491443115,5.10929536711377,11.852044274162234 +7.733667567747976,7.098334439521935,17.16841546810344 +9.120412788358667,9.708605618876316,20.683235976617546 +7.278513261995407,0.765112488302534,13.219905298375934 +4.0511830921710255,6.088023698406829,11.107898112420013 +5.901950714499575,1.8144378583059817,11.595003444667945 +5.829447294508714,3.4968050788144414,12.547576701401328 +3.3892684484371594,8.340070053012361,11.252189235012418 +4.2193315866822,5.273959540644526,10.96771178942928 +5.628728610344788,5.629967798516162,13.242340700326512 +2.1312151378337205,5.9945336314900715,8.136270538192845 +3.346236089441196,6.550202945961696,10.54405840187182 +1.456975989657271,9.941155946336695,9.159863616820918 +7.720432914533956,4.172514334843075,15.696558222839723 +3.0135185086428296,3.878020348178458,8.345345862142203 +7.212082727738749,6.554077995845652,16.183673769312097 +7.020925120005874,8.889991954515393,16.964037111890264 +4.562952263104093,6.695211484476648,12.236615482007121 +4.4150795495986825,6.380980781198765,11.90334310794591 +4.748236369629471,7.76663627337893,12.995281905711858 +0.052601232837330425,2.1571095578978183,3.089757218311753 +2.9643762516324457,9.453945062511162,10.940763231113683 +5.0704621296691785,3.643518799981412,11.388734568891655 +4.043121156136719,4.518222834325362,10.255552458509847 +8.67830390113971,9.62335865680138,19.714829851850478 +8.441646397402305,8.416567634189484,19.01606200652865 +1.990151109554612,2.686780717622553,6.426893670430028 +5.960491805580991,6.561374134413109,14.038440849874492 +2.027053734460813,7.462818727465174,8.787361012235003 +1.9996355291958678,2.630106465894142,6.232782150712863 +3.067955379816106,8.459914164903171,10.868569546660353 +7.320838968708832,5.306854357241813,15.554720938200143 +8.197492981348951,8.129282473359234,18.306981018505038 +3.898330959487234,7.814372874874199,11.850986815805781 +2.0624277200165753,5.032288499555094,7.691719924174841 +1.1824173038867036,4.26794485591258,6.058546403617806 +5.203657697671906,0.7991835791607027,10.183373535970505 +4.626127617317499,6.5167054296013305,12.051977951012232 +6.140882347447379,0.54353887891057,11.575222331919424 +0.9533968590820108,3.5135624595514106,5.279585250299319 +8.426857229161056,8.697560531673625,19.051893153225258 +3.0961286970792603,7.188920852414564,10.164278379234638 +5.773905923516431,9.834222587594326,15.470889951346008 +0.9464391228969171,5.478807422402548,6.212658822589406 +5.925376488712538,3.0766857095111613,12.33779228949524 +0.46953247491470784,0.5210453568782603,2.9340240641169 +4.536180542006382,6.9247378944391915,12.55729076722302 +7.001757858031274,1.8096984972182417,13.620380899766092 +8.579721410057864,3.7716242596974494,16.834663258640564 +9.643679019724178,1.1815963442563682,16.990090006566746 +8.364546986354819,9.083381532454478,19.016278772683286 +8.226755261437313,8.088411411996839,18.455917657109463 +3.61310015404945,7.13343106720973,11.13606481438151 +5.793465660113004,4.2447913143121845,12.761430618871225 +9.931116960536798,2.904547181451199,18.303268952703096 +4.131440221877841,9.028610373381174,12.720236671790888 +2.890082790962741,1.5268114212853778,6.959633287196166 +3.0999974966948507,7.59311677101791,10.3107156071063 +8.59854009702266,1.144449876223611,15.352434436137207 +6.217126810748265,5.672869055947429,14.216730559735538 +6.687977855133651,6.71056371126796,15.41444810875582 +9.594674702665284,3.465292084267393,18.238353103604176 +2.997669217357788,5.812252858218252,9.228910686646477 +4.2941845923866175,4.737542723125783,10.658356970955241 +0.6927699350449279,1.4824217695359299,3.825937939105337 +9.353749365928618,0.6829145167012174,16.284878324342735 +5.901455926806208,7.545750290178902,14.545115923662928 +0.11863528440827498,2.227481479333848,3.392968813395608 +3.7707203084938676,5.068174470686685,10.134872952779569 +3.415952947556604,6.4899925814905,10.325334306350198 +2.2639751725071267,0.25482936429019,5.498368386872797 +0.015710508182541494,3.455120119496342,3.7321837756431484 +3.6166279919424715,9.48604117386544,12.236456150868468 +0.447807125202363,5.30065060135181,5.201035548753478 +5.778133142638463,6.992750118977195,14.144763174128862 +6.3873460014066055,0.08139493723942848,11.73795366565052 +6.318576734090117,3.2238793969973214,13.303079967012991 +7.72868961347802,1.8836538613569909,14.399197482057156 +7.162056519771793,6.25495333689061,15.903662072916166 +6.52290885327475,1.7594768708755426,12.645090553630636 +6.6917400133246225,7.369784086419148,15.712622648306198 +4.894102612378056,3.403656829875452,10.964024157549611 +1.6655484928817588,2.8996052511074053,6.023705808597855 +7.63828362452521,4.094007245462557,15.574878468710542 +7.027132419932576,7.4009132499848675,16.493442811851015 +6.741702241242896,6.735384236829485,15.34813754903092 +6.108082043260516,5.184219787137136,13.579441976818138 +1.9781668687026976,8.428033869218503,9.386740372964137 +9.642641724875954,4.6648406560016635,18.791193717312552 +9.332387558846557,9.979945377232834,20.942874237339414 +4.861959125858206,7.24355373749968,12.933539695667967 +6.437903382505226,2.372648160007472,12.703693909894723 +0.4708944375431878,4.533553111744569,5.01070423377589 +7.8720499739627225,3.2513466268969693,15.425722077405887 +7.844387211931844,6.548016819629555,17.147967105649162 +6.955413518175872,2.8574088837739,13.947526024992156 +4.70047382843047,1.8170380002521713,10.053263036342448 +2.465805280797264,0.8985004309241518,6.167041733042826 +1.2677340629620804,2.1051347929583653,5.114603122992461 +5.802342113758369,4.412111195476398,12.967194075533454 +2.6693951256556203,8.611124468976891,10.256342853768642 +5.251476913419861,9.231094736357937,14.411840294368906 +6.349649622775678,0.1578759652871664,11.533759273926474 +9.134756910156952,8.574633356808263,20.04833505073822 +6.352712227808992,5.34773555730818,14.069774153290984 +4.5292607331858505,4.821748457668317,11.220275924541394 +7.692206408423497,5.1314160235868576,16.020730240776427 +1.7602469870244064,0.5817756717299272,4.805946226960147 +1.2618627628651247,2.514411088373861,5.040833236547109 +3.6773412143970665,8.924160121752088,11.975712727298411 +2.39087232199668,3.195985580025348,7.260678759194948 +2.230145395267739,5.457418187061334,8.006333544977435 +6.170866962944869,5.321275318971606,13.709340392326354 +9.518566512169402,9.953780176541242,21.57017325138585 +8.373959898055633,8.052961448903023,18.69920024596061 +3.6605277674960854,5.797835061619984,10.482937104738443 +3.5147241894888515,7.843558461737393,11.35665337619396 +1.71831139091836,2.1667171429464305,5.670062642510456 +0.3869407087030885,6.089396733379924,5.611609316269149 +6.88538258788957,0.03362286231378797,12.480464453786768 +5.107857639942505,3.7687453848977395,11.681063417358128 +7.923807818187677,0.38890745998643395,14.14168413453609 +0.48565688818078545,6.202090987258799,5.917780611966122 +5.9163885457976395,8.310900229980103,14.906155710650175 +5.922668891573611,9.493708285915014,15.605110519460332 +3.143846422344221,3.9792140640480023,8.875758143802292 +9.776746665029165,1.0752424337177813,17.28317563957732 +7.959048531962796,0.11568714660440294,13.850214286358776 +4.8651324940335225,1.5340233736867448,10.011600154391374 +5.98861703728065,7.98169969707828,15.127871077596126 +0.3304230235068728,1.6377272659174524,3.3600198832589037 +3.4261038116190248,2.55798965855674,8.436339478467001 +3.832198898062551,9.518682998174517,12.528835945984934 +1.012061274402405,4.2328210866577205,5.62614631561764 +4.570913716075829,2.8034205182916274,10.205656542922393 +2.785065576875697,7.147521617493206,9.668000296256547 +6.178438426509826,8.128320197331531,15.43285019567228 +4.050732224780522,6.06711026979673,11.133408011371483 +8.935881406825846,8.513284717163854,19.731169778818902 +9.200233924999589,2.689750225282249,17.199894898009976 +9.854211845321203,8.163899154714166,21.004138991866917 +7.948078060413033,6.675786009586593,17.305474346625882 +9.832679733720655,4.415632280464804,19.039196701086375 +7.415393047624107,6.988112879885215,16.633874315328395 +7.320889064470656,7.514648141692567,16.643913281695276 +1.9075589112121338,3.490514697024023,6.584034016275014 +3.9225399582590494,7.479998139799621,11.682800937212212 +7.162479757193044,8.333662052357193,16.97831793541456 +7.8851915789033615,5.960338793894108,16.95305956162561 +1.3994848648744251,6.354552592323651,7.230511554421971 +8.87059283637479,6.431743633897312,18.544360894719254 +8.956264285777417,9.990530181368994,20.416746027289808 +3.5920223302353294,7.23289694347851,11.166913221284123 +5.399586326005053,4.549718007081656,12.411883351740112 +2.3986707869246118,2.45914595995931,6.867138581668737 +1.8497228675997102,6.314835064989415,7.928435860790471 +1.4205309664310306,4.313864698170508,6.265221923742723 +5.233332392721941,4.382344771889698,11.896304001594409 +8.549295134739165,4.431693597938603,16.913669290689743 +0.8283209296430261,9.921995411726472,8.221363546516168 +8.449835910602127,6.600434854059998,17.980386208489225 +7.563236208086074,1.281906997548441,14.004250153015784 +7.659147941031748,2.077489417120951,14.621605545393573 +4.889761295739757,1.7798278932428357,10.233849801074777 +7.537849643321918,2.459338805124469,14.50161272694363 +2.5320841849169273,1.0922234934029906,6.323240402352379 +7.206064569638717,2.958446307808779,14.312710688904943 +5.182800132019674,3.3224355736703926,11.397417785928676 +7.747012588222333,2.264836564940013,14.859376519865023 +9.408345000463918,3.2133997488970767,17.718089979855172 +1.0385162129075065,2.4030523281493243,4.784466715045459 +0.739409290671752,4.687387309924248,5.37115089778326 +2.5025122072346893,8.860460444448764,10.290486129363746 +5.171286202201464,2.333684487292863,11.067668114436048 +4.512703299049415,1.959942721404243,9.612711596227077 +1.7872937592491844,3.00656470133444,6.224311897649264 +1.0830146476894675,1.8864753691089065,4.556968549119761 +9.380468729954218,6.668026346974619,19.43311985196454 +9.211026634572656,2.5684694146778373,17.145984024590632 +8.570133358009237,3.622728068539839,16.443068491452074 +1.4419498112248563,8.047071000041969,8.262408895638341 +0.5965013186275014,4.048528389349663,5.030255946892954 +8.193146685116435,6.1718492544650925,17.49812514877473 +5.180656953996932,3.5363392150358077,11.444692824467605 +0.7505583038802022,9.909719860358987,8.077600110755276 +1.7477372672504843,2.553084749760438,5.8442566938320555 +2.3591576249461776,9.079414066857032,9.886918895799251 +7.636883927235304,4.573297994393366,15.679921166450244 +9.554230339518591,0.5278338078644174,16.48685159924702 +8.936703812216521,0.6042733568815917,15.740645030044373 +3.9113069593456373,0.5400487837648971,7.973840040363472 +9.989689917576852,9.143895025006017,21.45852753872255 +5.847989552462312,2.1784457399824553,11.80926078499834 +2.7677772519746924,4.495433660571203,8.47639873071584 +3.2278018249234575,0.21313905434940716,7.226049759093935 +6.562560081171346,6.134279040933013,14.941288637707148 +9.043107032188408,4.768540401054504,17.845719668194523 +3.4470896179838784,5.115171829177669,9.6603103613017 +1.9469499089583964,6.255403518247864,8.1139324306372 +7.7003288279016155,1.5346171337569214,14.183201361019131 +3.1838321763532917,8.678009793663987,11.224425091492618 +5.055317486338219,5.318366466775467,12.269500428357773 +7.224081970533516,5.778928152213265,15.713079880580226 +0.6957976807381916,8.039617118630357,6.895016463111692 +9.228360372484678,0.5327723299081222,16.200965435885397 +1.2124975645755098,7.019752022074805,7.252459908846041 +6.0447393251452555,3.8251699897174585,12.99506320560884 +5.392486489403714,7.033385680010587,13.589706548514553 +5.044764618809293,1.4018832463564923,10.109708551945848 +0.8943602913329018,4.388587351883817,5.512765557132583 +9.228847578488338,5.577791747084938,18.51113884368916 +3.5822006901784906,9.087061695210355,11.851629949216544 +3.886321561789381,5.091464809343752,10.418492692224257 +1.164993306287212,7.374009455193812,7.504740685110924 +7.003029571437156,7.94243992859329,16.47393963550383 +3.2519131342776344,4.360532190661919,8.969741494202957 +1.6834171152719835,9.645048760964993,9.28290891590294 +0.8607734740788264,6.490133036748072,6.4697494654034315 +7.052573945651862,1.5773647365097965,13.153836844323887 +3.6532320583048983,0.43126566762483276,7.70280693910513 +5.56608257586641,9.949381428236242,15.15720705622199 +4.298849568221589,9.900082203729365,13.405935025104615 +1.2622542380896251,3.9245434326779574,5.709709547139635 +9.019649700484718,8.76695481657472,19.792326516746435 +3.235915778697842,6.786105837683316,10.313788149949223 +8.861601715577907,7.668774661532277,19.12924684345161 +6.284761969329175,1.5257561456002255,12.00153679133303 +0.7300269257056347,6.14622179816561,6.112271518708054 +5.002756656891081,2.3803665973148433,10.720513138183223 +2.9276979495902467,3.9208717720141006,8.290053748124413 +4.955208521225057,3.902589690884125,11.349792451831783 +3.872916720859666,1.1573281131135293,8.41244638319866 +8.655904182553432,6.091540817780943,18.034097005845037 +1.4610218460201185,4.238744028779358,6.211679154124871 +4.167159120295455,6.006208784891227,11.256073302083125 +6.088696178493316,6.452221369797623,14.330420505070432 +6.979030573438074,1.0335404612901644,13.157727929299774 +3.0492220057281205,0.17347819172672363,6.650263826205394 +4.54641512080383,4.294300778302873,10.980270338053915 +7.343269301794787,1.6711694660786114,13.876467311006328 +6.314944571255109,3.0669419793015216,12.973657378130168 +3.8191647480969912,7.192868623714541,11.253189149063822 +0.7154804857357533,3.427828889311625,4.8331119427652105 +3.9132323013965187,7.157493118516688,11.495389585647008 +1.9922441507070066,9.47412993690463,9.933688846531828 +9.977619527941581,8.189101408200553,21.135221536078692 +2.997125014635281,6.638666540728546,9.89094872221407 +0.8314803169793306,8.712793157065107,7.6753905938380775 +5.159928712602737,1.7643916631978573,10.553056658613714 +3.274165595617026,8.007427444879747,10.789164732393962 +8.702267674270464,5.197133869344235,17.551609182066127 +4.803115003106732,7.507347465532593,13.0271434507322 +8.261896225185549,7.648468123958205,18.359241055223542 +3.8442805023420767,6.419257616093193,11.049449838797823 +8.573599082709277,1.5176063404741957,15.602508288861175 +3.8813668511496315,0.566188838752647,8.272812148847624 +4.088772856873999,7.72282083918649,11.950204261874626 +1.9702844342558745,5.418871511243837,7.55004707923841 +0.3658573342182714,8.976499907316581,7.062335147185486 +8.200046949004513,5.244091917870659,17.05130243318752 +7.057869959719499,1.039161648688589,13.02200575111182 +8.452094963973705,7.152615310717714,18.083970722338886 +1.199673967250805,9.806892851187776,8.7067278213436 +0.22530444206446676,6.285108625927736,5.557654665973661 +1.7175499674081673,7.192576492195367,7.876156558728237 +0.7040625396877898,0.8110088284311612,3.5593350525329845 +4.6629174056313225,9.940094654019129,13.827743722197098 +2.7651623977065123,6.125281607565226,9.282867376527177 +5.185990743742355,8.421196096504374,13.789914062283692 +2.885896077051602,5.549443807114862,8.956080832193894 +9.506235151051808,3.3258580833605755,17.984153609946723 +4.394055813101811,8.888133145036715,13.156727244286367 +3.3249885723445782,3.8067376463381555,8.889937552298893 +3.0411880887769827,8.095313753250728,10.8489734532014 +9.3038697043778,6.310988806669057,19.0090393697075 +6.236301312596525,3.900036197131751,13.200933304568016 +0.12483749571496672,1.739375988235733,3.0267225990776274 +1.4743835459023447,1.1588200281303673,4.756004566028101 +6.540473160533953,1.3634895237379763,12.52080272012653 +0.8563395253671924,3.825815065618582,5.123131295950311 +2.4902266296789852,1.4586054563588224,6.521393727813066 +1.4612787555856799,2.5620570678276575,5.52730756946556 +5.3684976337604144,7.580956000912513,14.004562561577846 +8.527766432521394,7.514178497388501,18.499694531025163 +6.2821325970417075,9.076245775194833,15.995018875747597 +5.197368027342506,6.333568408536914,13.023420453480421 +4.1162055033186835,3.2738420088074607,9.810506316007228 +3.317117794612534,1.4831728171229275,7.696096461391377 +7.965976506738514,0.5536808433354379,14.019429142042569 +6.7468524376452,8.644601928370358,16.450918967004565 +4.974283469853672,0.7020078184155021,9.871978968775458 +4.284174616368909,3.4322660288234985,10.13661334263083 +9.855393192994308,6.912652016189443,20.16118828949087 +7.2135980482891995,5.15826918962231,15.231610158166006 +7.094142544420965,7.225709767221682,16.29937449356624 +0.6635888074610485,2.2260652447727036,4.111728861381306 +0.12967555428886057,5.098074059285719,4.882545483103093 +8.757998548360264,6.095545346953283,18.039830791983533 +5.002075278077093,9.259658476106399,14.085911295252231 +1.722185110217539,0.7460430815768571,4.824168518201666 +9.173057364097177,9.027817549188132,20.37602672563195 +6.829724862129495,2.4597916209605195,13.59838676293494 +9.697640247043708,7.653463518038267,20.565450486639914 +6.738945835846692,2.2291132401544775,13.275117835553559 +5.130891716331156,8.225762412969997,13.888145702770732 +8.60260224732286,5.61430115801268,17.754662325727395 +5.227938437192642,6.976838283076406,13.387637374572565 +5.282488443124729,4.176810380656609,12.01704551060257 +0.8541901142438868,1.2604967571558012,3.973416344301077 +7.602754682006674,0.24664064624268067,13.741451651214131 +0.5230502579760865,9.046435780864176,7.329661216843761 +7.039971134546849,0.042127219141461225,12.583420989130882 +3.1204337435487273,7.633184605955448,10.517050387936534 +4.1760079997725565,4.687978228581117,10.59309192604817 +4.587990610460554,2.0213440325904064,9.9173001474393 +7.213914378982609,1.0300633052136965,13.317603428860327 +5.072511055466711,1.6995582745936177,10.572943996025456 +0.46532809577156,1.432438844471683,3.5186175629720595 +8.693349363117417,1.7614766478046118,16.13735586248383 +2.7836920901235054,1.3809478822040622,6.8636580772714995 +7.355451016577587,4.454491672565015,15.28928607796829 +9.436350386450709,6.643245822479024,19.500845800033968 +5.3138922048677175,6.566309316281679,13.273952262365636 +0.40425383209664156,9.506602601286904,7.472681403965722 +9.564296104172481,2.7613986855552963,17.56464506839759 +6.282954827431336,2.019152441398746,12.480079333136858 +5.474717946004589,7.707892391243933,14.26560004321389 +9.398217248053921,3.3921692326567188,17.929705094726426 +6.935052630427615,7.164271143471794,16.10957119643574 +2.211488011647412,6.290321314933922,8.546598775044544 +6.554212891877766,7.640761063460343,15.592121728334266 +9.999472574545337,0.40232369426480563,17.12538643097142 +2.0230504367755806,1.4507843191974068,5.685764847205963 +1.5443405242070252,4.54248660621965,6.47390861121888 +8.785365566129373,4.48723269067755,17.516325552766414 +6.684803978344132,3.764991425302191,14.056538005439297 +3.1966331531111516,8.342351848290422,11.009568321027468 +6.5554751011841965,3.50895288082536,13.668167622616732 +9.14160261247165,4.985115651176447,18.234308628867375 +1.882747472992885,4.832218624676812,7.297106463997664 +6.746994379334757,3.671125892561623,13.744349534608299 +8.437847362753935,5.3314398060610095,17.353958635690244 +4.677647799344663,8.587114232637186,13.267474830651112 +4.62917806466153,4.144101418508165,11.011801791482794 +1.0371639533349597,3.6249187885696523,5.3907817955378725 +3.9704830056308174,1.806223192244898,8.787276021563839 +5.878232017131677,1.438420705503477,11.428997390051913 +2.2368978860389097,5.610919857251407,8.08621172280072 +2.689835647247371,6.396683101283534,9.088261570740706 +6.905131329207045,3.012904106066503,13.748628360402993 +0.8738768149671994,4.894518338289183,5.656285259898235 +0.9289842009181715,5.152356815238681,5.8261463634716195 +7.262178421289601,6.203297914708034,16.047794135464233 +4.482676412120176,9.458585478975476,13.363257697563176 +1.0174723308217049,8.800015069119313,7.739898550029931 +8.00128872641203,4.197385803645846,16.060500687302486 +1.5286717190071442,1.5586678577764124,4.9610192483024385 +9.218057607427973,2.337046642782601,17.141517997930855 +8.741157079878286,5.032952199302889,17.64150315836756 +4.617346367273666,6.195112675838207,11.876527902145977 +2.1503908289323292,4.28370674059694,7.424309294871397 +9.384844388049299,2.382569289787498,17.277048797954365 +9.215835588797518,9.942096966091787,20.770940953879627 +0.5190718807549677,5.313791225913715,5.5929653608584005 +1.7181929969368859,6.217142559566772,7.588308687688132 +9.895426432148756,8.968808954182059,21.431058740924506 +9.248484616063536,2.1334981331209937,16.898523810454627 +5.423195988893015,2.348310163949506,11.307113418985374 +8.994247075776512,1.9115399307424652,16.372157958330146 +1.5395891240919979,0.12162631714018768,4.301589376204735 +1.8194786008662167,1.8976284685453282,5.634428183748705 +0.7749018752561165,8.67741103413159,7.31098187008729 +7.79997808696124,2.544814973472568,15.007039535964068 +7.832577033112026,4.221645467967983,15.871177673815886 +7.755203093481845,3.2300765183517353,15.098072215287614 +5.6465422648787715,3.8161054195416853,12.443861408957805 +1.8767581702346914,5.856328840020008,7.889008026722979 +7.508307999778511,7.531071245941488,16.9615457324898 +3.5628941831924354,5.18711768405828,9.8594231097568 +7.637785985850863,0.5449759452259084,13.840508221002823 +0.7188833330086031,3.762227399720773,4.999763845817896 +2.234716010289668,3.7464601955022037,7.211711740034125 +0.9375307985962356,5.920080306752875,6.447792565222542 +6.717405059943545,7.918405078939062,16.06272116378831 +6.505229380753269,3.963813950060758,13.882601096140764 +9.349282248178577,7.263320160279905,19.653908012337844 +5.276812458267756,2.068504083355922,10.992117954336214 +6.489749867362157,5.917205250859561,14.803033574047609 +6.833299989375465,7.811247653083012,15.91079091802769 +9.15049618978224,9.490565913581458,20.584452048910112 +6.301855021255962,9.659560357533433,16.232052131377397 +9.114223990005675,0.026143570152210582,15.734402520061964 +6.376174662460078,1.7846940983406356,12.623021735813637 +2.951926544584984,2.9750019973558883,7.884800917268185 +4.831296396371075,0.10866177993366422,9.255723662028958 +2.357964080246565,0.2912095695983663,5.677076606970599 +6.505585657192379,8.892875786928332,16.059587346275148 +9.977886598319321,4.4855689178209746,19.429526736923965 +2.601411102941528,8.531035967306924,10.163382978987215 +1.131585175404728,9.742389810561408,8.733131715081036 +7.148374547182023,5.039346653674142,15.208914398338655 +0.9665053732423334,0.18195935709771405,3.5441382972205866 +5.445321974819391,4.138505074400214,12.331661915759078 +8.426644943620367,6.423054796934369,17.7412733537186 +4.318963464956951,2.2600706010119387,9.598225476104728 +4.804222088120062,1.6299427878615658,10.111984760489554 +6.670126624731854,6.0572907246576,15.012531904107766 +8.100713681262029,4.495292722422763,16.3504094759364 +2.78648533027529,8.363953592357555,10.473227600282637 +6.9099708145988465,7.0670916405935005,16.03861359174761 +5.280845714063456,8.75978614886873,14.457174969585441 +2.277835074715359,4.0169202535292055,7.357713607838832 +7.962325716648237,1.3296090196868116,14.550361484782881 +8.081094930162147,3.5259522073084026,15.837460499824333 +1.2550369903036696,0.7914948553522905,4.350154971663073 +8.430287187537342,7.786155456256356,18.418828728543986 +2.880413453895164,1.163621892374782,6.788397496574629 +2.472344260377181,2.1298763569367574,6.702020758832503 +7.330556516921982,2.155630843569175,13.979827943445734 +2.1609852176762514,0.32268132498855406,5.491254519521117 +5.968596883095181,6.889795482561073,14.47949026330252 +6.53490468948084,5.685991561560785,14.597184691866993 +9.660749488408353,4.727385121770881,18.835430122268658 +8.601365081212348,6.460099103773388,17.878123856595522 +0.84161940687836,8.100884609760893,7.267128647903472 +5.843885416898182,6.535256593254346,14.157851772930771 +1.802274356238519,4.374900941423574,6.839680009552174 +8.805824743742841,2.154311930863153,16.176642047568436 +0.0012490653719365863,2.5750871211747506,3.4270396672132213 +4.87542449176412,8.212780433019214,13.308078935031949 +6.432909005733509,9.190634689571759,16.39928687480778 +4.555644316278935,3.908152229570373,11.07633383874328 +2.3141821659571327,2.1806248453910415,6.550647943610394 +7.361098970080604,0.8035912304530912,13.567821892319417 +2.4271358483300864,8.858952595401297,9.903286692358167 +5.769208180996529,0.4658760906833226,10.715456174663876 +7.0425504832978545,5.066823677531164,15.01756481657861 +8.545217274980155,6.8243387254126295,18.31223726470391 +0.0444658797778863,2.057390871749206,3.0955686612489717 +2.5796370056494498,7.022322891616501,9.361976775901772 +5.093141776700943,7.474474970911631,13.247866577079082 +5.128671987834625,3.2738461069660096,11.317196042552498 +1.0366064670868935,2.0262209866873624,4.503659011889935 +4.007800803456817,5.514543081817786,10.676723170268465 +9.386374031906225,2.3972017706650117,17.17742577064328 +6.660849394466838,1.5254591149330166,12.773197570964895 +7.137531219223341,0.11340877143979022,12.690968492696722 +6.559199499296157,1.6321765671452437,12.65423579106985 +1.8032444638082334,5.589076333145773,7.322503482574919 +3.754115459087124,4.713051505508362,10.038012795476112 +3.088888825562579,9.534670495283251,11.424739820023138 +2.906561000818888,5.420474247354999,9.046941699273404 +8.543555555408451,6.641808122608212,18.152389090270308 +3.227769469817207,5.524366833668194,9.69725444964564 +0.8299112623272742,5.4568640270769215,5.828417904454432 +4.31389088353542,7.579337070734441,12.2671744423597 +8.47902843134117,1.9961652164743904,15.586111305875047 +0.8153590546076306,3.9055698124483564,5.184584319248785 +5.34150408200547,3.7680194831502254,11.870380461786123 +6.285611709980801,5.05651279719075,13.954182801559833 +9.366260346650897,4.09391123319593,18.18118743954381 +0.8249417294858241,3.019350211414771,4.8289386828039875 +6.058938623632445,2.5602509860708613,12.477204335632113 +2.689884518056338,3.3957248402235085,7.693051416597745 +7.461417799090552,9.401332342939615,17.96310994075265 +3.5037663384777993,1.954880397604919,8.28375353477328 +4.20636952167103,3.5183969297962614,10.03163182614827 +9.90024914123176,4.638682585179925,19.18143528352612 +6.79283352811864,9.137880666448533,16.74497200058575 +6.290615773638835,2.4937847491985385,12.822304662930865 +6.0741009533328025,4.01876336065116,13.201554747893748 +4.22349869438807,9.79324581370405,13.198284403363166 +2.785910135948526,4.689351464783108,8.482996657604865 +1.598670456992003,1.7854419868548876,5.3864882047840705 +6.034844240858339,7.510157081527147,14.941341834321364 +6.3645987361684515,3.292839979029708,13.224871601064406 +0.5961817256501978,4.702638621486921,5.311449126173886 +5.04269653093964,7.7065160795981855,13.547615984689044 +6.402895622919548,8.71258627600987,15.943157999194158 +7.829828786950916,3.658777838109468,15.582479162535813 +6.322214235246983,7.472865294551267,15.268426831417441 +9.56880369172745,4.223521626222459,18.422066516694994 +6.482819923111361,3.926638352816342,13.857453559743739 +7.37828178869787,9.119931713105572,17.583588275129088 +9.19226015719575,1.5708751738751003,16.579956453484563 +2.0409659762087884,7.5492945078979865,9.027733827445669 +6.310098859424019,9.051072868549548,15.804507154392052 +3.138005594155354,8.480208111462629,10.968708293924003 +6.8377585698385985,1.9545631015659948,13.167862801379242 +1.2649436899563926,7.027236020086076,7.4110504766153795 +1.58461512724268,7.943290397431482,8.227979891241844 +5.570950401273173,4.768670624627898,12.703673062504793 +2.7552903592141966,9.838455949248598,11.054641230956133 +7.221671109105264,7.780636471648769,16.746656905535943 +7.687109276653382,5.840155771765966,16.54030626268438 +9.396988419588778,5.838215033826768,18.78220619361811 +5.200455851041495,2.737104424228672,11.15664904836898 +2.8173591984167343,7.368839059820436,9.892989133622452 +3.347674216396055,7.287107451466779,10.658637218620425 +9.52706758814825,4.393074367787588,18.490366124611505 +0.9732564287964196,6.665464813294362,6.709605243838043 +0.09523031695485629,7.870035212722968,5.92316341499927 +5.256531170387184,4.897322040086549,12.355168386182823 +5.694421605776872,5.16408543934716,13.0242499620576 +3.237772717960227,2.815089096792419,8.304477757389073 +4.152974606238952,8.949092819155668,12.610288163798923 +1.3537045978784301,3.247645966865833,5.723652078552054 +1.9230042794940438,4.27136976737382,7.0147457283076955 +1.3349841912317117,7.607956139022321,7.8079501523646675 +1.0346739258457471,6.652620936172707,6.853686871973213 +2.6771032486902344,4.721899968576627,8.335935970342783 +1.999879617175414,7.3022367947571905,8.627639489248724 +9.482759892683244,2.2174528739299593,17.451031308294496 +9.531532077128283,3.25273801011434,17.770229843962433 +5.578471670519017,7.0158995108557605,13.810843627395718 +1.9926861606519364,4.447639374326276,7.31851498047575 +0.6782748066405009,6.9705377602802,6.584658421130039 +4.166161197244785,8.916445326395909,12.84181749616286 +2.739918885731379,9.23601324323927,10.721960718293941 +1.4103984468284503,6.069664660138833,7.018600886736838 +3.078081798721789,1.8178161095328738,7.415246574135278 +0.9393717171916549,6.556425588286899,6.657399255819921 +2.3316793325924543,5.728144120710477,8.437660728111936 +9.79418722835278,3.1596182027953157,18.245622091701392 +0.3494427771672881,1.4282261439642052,3.205109085183859 +1.1932200941117077,4.632835272052358,6.145941278158012 +7.446505696606272,2.964443857818584,14.654752620394564 +1.4584277084384323,6.407667663289269,7.347416583460124 +3.0118020884924244,5.751703493122326,9.293403584563196 +9.33786559672752,2.913469549265262,17.55822847974785 +5.124916144862686,8.068119136312163,13.826215108082145 +6.917181124976281,7.514781747791858,16.027393874567476 +7.725693748561002,5.399160203340431,16.247859756649962 +5.360621079022651,7.188895804484474,13.702076801006521 +6.976482701135557,6.700576640296852,15.701246160241492 +3.821346921426636,8.285426456048768,11.911251356040797 +2.362028893708893,1.5573196635271225,6.289053973719542 +3.4516221911570155,2.5383124040495595,8.324913763083378 +6.631825122031564,2.3101785114996085,13.28056116411815 +6.564898383508689,5.132227948407885,14.379318118335412 +1.5245006807525963,2.583962641210229,5.631163079759171 +5.217267843032229,7.331053039236981,13.37931113018494 +3.9825164417467596,2.3283264217804,9.293171849974216 +2.9507820909378877,0.9511718927339685,7.09649772037342 +0.2514950109023306,9.73129311996854,7.092671172016718 +0.9640993436591538,1.2488734511065003,4.0541297024431655 +8.709640850796426,6.63505235719258,18.514776362758305 +4.360725312453263,6.490234057258495,11.739361778557367 +9.349848235304103,0.9937731143570594,16.562588801781473 +2.437110271753322,8.603004034707409,9.789132867470666 +7.80639345301107,9.942567215571907,18.60204354424559 +3.139088150721925,9.448863971385451,11.463568585210123 +3.4368883129500416,7.150931911854932,10.671852238506064 +8.827429476215865,1.7078209525836174,16.05900116239947 +2.056386550352003,5.809586480323467,7.837815646806799 +8.438247700355141,0.7894953522211168,15.117525861254515 +8.508808097559035,3.4312052954509653,16.34485696787686 +4.062266139725018,3.3986109568755607,9.946774024262862 +9.114799046076875,1.3079432658283907,16.25790102950746 +5.7427448117634325,1.4810808062579173,11.434727932233153 +9.285946300948414,7.979313135356194,19.988796459432233 +2.3381927426107785,2.9777826808815355,6.897672626003912 +3.815153279626775,4.054176752954365,9.692242579070749 +8.17342858632055,5.645333553091904,17.03706581026205 +4.279493148917281,7.194446569363528,11.977497693967456 +4.578648763438066,1.2824001688479048,9.379406401167426 +1.0748918426952836,3.2595667979517176,5.2955080869506865 +6.028702376151721,1.3484132764823442,11.648385426842127 +5.501341706974073,2.696096448087335,11.588643379257832 +6.954134156082917,0.2826270117637064,12.673150089455177 +4.69023431480573,0.522641490142326,9.353851927022502 +3.305077752753205,0.15575144286879117,6.973361765217798 +4.690987605779313,7.670158684780116,12.975653974248315 +1.0022003774594457,7.352226919940271,7.245968003465014 +5.841952670923312,5.046052731360201,13.215370896918353 +5.9948326228024165,3.3589713172919557,12.620329811226608 +7.103395537682894,7.796658419207723,16.653472928527908 +7.782238655868774,2.6945978939368844,15.098524546353145 +6.539070096898525,1.480957257452764,12.398827248927752 +4.954196135962671,0.026292600595175797,9.343881241415163 +1.935867590083411,6.317341158326056,8.132009880323045 +8.743615052031293,0.4902829858602431,15.243126615868874 +5.585527921743301,6.367750201050305,13.64266076691169 +9.323909811827463,6.551437946449566,19.45516239694718 +1.0303270247073837,1.4674424254448049,4.316540709860385 +6.357641288869978,2.156196767632327,12.5222614821833 +9.283054748772882,9.20687200785886,20.54566870013483 +9.486558601572133,2.9295260781219334,17.798062243591918 +7.169499079603164,6.630139069348495,16.079209196562566 +0.3560378133777209,2.6556507634627966,3.9102657506032683 +2.067667296794684,3.7080860173833994,6.875602653498502 +9.53053716545225,8.456016389583382,20.451446929022087 +2.934245913682769,5.300315310993231,9.142132222653565 +1.922661215866619,2.774339922959382,6.199955561908131 +0.6500324901488452,6.426065009168366,5.929460928921868 +6.569207744963289,8.385016208034434,16.01568646403479 +8.715518134272541,1.600593991937228,15.904993801280128 +7.430409461629872,1.3470763282733234,13.925003416699601 +3.7371501174581088,5.155365715592212,10.347985594858233 +0.49469914087076017,1.5676371154545432,3.534337263201341 +2.7111609999003816,1.2754232963418932,6.770314864931691 +9.340962722063331,2.883191880871163,17.465102658569762 +5.0117166450891375,9.965342379256862,14.535653172036515 +5.666426769312439,4.114957749920847,12.538433078317505 +9.29792405924285,2.2249775536660854,17.098019013263805 +1.7950074083870793,5.353643690407836,7.296340675009462 +4.273017378313901,7.96986077315465,12.592465004374095 +0.4201004130436725,6.177258244112199,5.479656988366067 +7.106791428978765,9.719167608239669,17.576859611038973 +1.4576320023983547,2.4624321870946764,5.4496189322202175 +9.324432315692423,6.306288454833005,19.176920878450893 +0.38049032735511634,0.7734400225577898,2.839173761082269 +7.854405606276683,5.674744984564157,16.451166339557773 +5.654154816188739,8.798656433112853,14.94113794811203 +2.410979193712283,1.6043098182201998,6.55272379819445 +6.138059476220805,8.824230976538834,15.641227618836988 +2.6525064466761816,6.81294364791352,9.465758469964932 +1.5237903185827417,1.7190869582914892,5.099414497937118 +9.015100578627374,1.1796499490637535,16.145633215063437 +0.24345536655194677,7.749404481107842,6.362451281194485 +3.6250954852518036,3.9665855220213087,9.389581242340483 +7.9985754490819545,1.7993579157734818,15.016113941694972 +6.503269415210356,3.135283288376345,13.159088540063488 +1.0426846064684414,6.874960489700879,6.940206852612086 +3.1866413455093614,8.666041042800707,11.167574152159686 +9.190356502319009,8.490517619209527,20.22107463079901 +3.223517474354619,2.365826243596562,8.01961672483998 +8.928006424077997,4.529469838764612,17.553352800700818 +7.0773972355801575,8.271642014106343,16.939924745396315 +2.776866548678225,1.1909742793479017,6.748172794729019 +6.248275633432858,5.9019225576322505,14.389852616351092 +2.702000726585758,5.847067213853422,8.94309221787344 +7.9035725447834295,3.5001098234412744,15.619641319018571 +2.423177189255722,7.250012136095561,9.203560138287287 +7.858720166817948,9.542894378689203,18.785291795231377 +1.4758582291747113,8.892641018881948,8.779231030496783 +7.650988111899024,7.018999079308879,17.16279400014143 +3.1305362919037814,0.2219295118815412,6.727923011055044 +5.075504941194423,2.857693764857162,10.859601955204667 +2.898210189266912,9.271385771926536,10.953712737600505 +1.5296889205320918,9.34232379590554,9.217342479324937 +5.0380671001073996,8.382792760609368,13.71630971924983 +2.835875714419104,6.339206640847351,9.528595699503239 +5.565883957234168,9.241660894178338,14.867171974863098 +1.7929842684242103,2.0456988974247956,5.6294251542698195 +9.489643994535445,0.9796462078610502,16.71630986890761 +6.346824690439964,0.6056411321525312,12.034027004365472 +0.7699080812060333,5.971487429017218,6.250629120221585 +5.513679621540587,5.730261987535927,12.93033170075305 +4.7365209654994285,7.423593405816048,12.883251229947899 +9.921885363648986,2.757812463903556,18.1468607922514 +3.2343966731494844,3.230495423432147,8.398686567904104 +7.632689463058524,3.480155011237281,15.240150740732577 +6.767370675826506,4.458875570119289,14.520337369851838 +6.078046670230125,8.290153728048992,15.397073430189026 +5.140586875542057,4.751732008467055,12.11990298098235 +2.66974583605303,5.159045818197838,8.618703408344864 +2.624122729096039,8.435702057179586,10.288656328751 +3.8886402686158386,1.2910763183495388,8.32094415705339 +2.3996752792636,5.345814674672562,8.455155772448723 +9.162875158297524,3.0056149857477967,17.173522063447745 +2.643862040993116,4.065598348101354,8.024653600286301 +9.677544782921464,8.45219674461354,20.692790243306135 +1.4966795107469155,6.137532871002641,7.198184771728759 +7.918642033440346,7.680103413702376,17.76417380471544 +4.888454917546158,7.318313856740422,13.015492874081596 +5.835866105929837,2.014449828522027,11.750484769232495 +0.5605364063650864,3.6949968005033718,4.673036453390952 +0.6193900194753987,3.9501340392089213,5.056746754619811 +8.2887900157076,8.442941484035813,18.87393607459459 +0.34073921340017854,0.6953546750949413,2.9840764148138326 +6.6986708759124465,4.999986949421999,14.575740644332477 +1.4935839273039087,8.055296177320932,8.10429730014249 +2.164961627064219,0.7814925469571077,5.700904283776601 +7.495071381000086,6.08125974631964,16.350375979922067 +3.9444273873132363,6.927262037835345,11.457405392828038 +9.113806886912029,0.34182442766647725,15.727524449948048 +6.2767943767533545,2.1816729701555984,12.591034446788388 +4.7413775994138385,4.239811288833696,11.388130662811905 +3.8997966783452975,1.9035610024746197,8.70321328884364 +8.026499364449823,3.7952058492770027,16.005817701081114 +8.871962609364799,3.5466827294649086,17.000107614801216 +8.397133446791534,5.444663315246878,17.30760486031862 +3.8562523485979217,7.04032214597996,11.209670475650729 +7.866546246034223,4.826907902744818,16.17820208925857 +4.254204283835367,5.774189703723222,11.234105411786787 +5.851633785057182,4.2547921585468735,12.946074251432728 +7.576628784426377,3.997214477538079,15.452586248498873 +4.529983428824927,6.053182242795124,11.94318402609081 +9.868489019306647,2.60686111014103,18.040967480804852 +2.319527999115248,1.768872665129827,6.399715182496864 +6.894442143081335,4.490946374184077,14.477319961834494 +3.8860634007427475,2.0409037414886866,8.838478168138744 +8.911383774033384,4.431730352223858,17.58721492247776 +6.07693311486329,1.125295782925284,11.585793878087935 +1.079722166849011,0.6735454166399579,4.012266533720663 +3.6734608083829356,4.728866021919115,9.859048761912016 +2.445781494492368,3.496775058773096,7.4324966911365555 +0.06260034023769734,3.510884652613948,3.971793689312312 +1.1917133483084752,1.2838447837388955,4.386724745052686 +0.04506097560003308,6.963805660651069,5.634514121042616 +9.31283774049384,6.215455608521571,19.22127223460783 +0.9620205192790965,9.89649449392504,8.529438376059318 +9.755851708765134,4.682345356574888,18.956136721809695 +1.0786921840629593,7.207393096472044,7.124468606482918 +9.614682044834371,7.786996041386926,20.244527922144037 +6.24202854570981,6.108319023710771,14.258534077094025 +9.779181142056288,0.7311933681976945,17.102970268628088 +1.4955601959062614,8.308114447396811,8.472206092967898 +1.45113080319759,3.8329648692902962,6.104918504510294 +2.8149925605475037,2.4344471644039323,7.302098834808154 +0.25721951108426677,5.6625126353481114,5.180557152718965 +4.01239520833461,5.515902126370112,10.914569791036472 +3.0450820649750368,9.414608550542626,11.335893771093549 +5.913471922415274,9.612070465322669,15.754547935939962 +3.5000595425865866,0.022895373463220903,7.592342933130301 +7.812655649624406,8.273788545606422,17.88868521388887 +0.5870339720033602,6.25369228462319,5.791531691796488 +6.610178670401202,1.457338670475653,12.533827345670018 +5.5252455285258115,2.4319888067994366,11.534418261971405 +0.16451703204516166,8.669110903761178,6.583204909480186 +4.916951712264641,7.816991009107111,13.266724303008296 +7.228930322291087,9.93705261014529,17.796478617708583 +4.379534039011932,4.275506067571776,10.628610555093983 +2.817555670511702,6.251472134032147,9.389451011603825 +4.861125005552842,7.287611221416688,13.074929195038136 +3.5651169844142725,1.308447416093259,8.175133049860793 +8.624354521194542,8.280469419646847,19.247164840995836 +3.510001871157442,6.903517175119992,10.621164727228207 +4.924029062756118,7.609720971311002,13.188886548620388 +3.901323686645124,5.356392353912296,10.498797699168442 +0.5781610406474724,1.7490998158808135,3.8009887819467107 +7.81765607775103,3.8156548217287742,15.626041888814271 +0.35105424229590176,1.6763628571194666,3.3422000432042873 +4.115980320856146,7.179131070167719,11.908993945230318 +3.6348504180723094,7.45185754378869,11.18804224133923 +8.580605872950834,3.411366142057126,16.589010242909573 +8.003755708544254,1.2688066593018954,14.68136071039551 +4.1528352507165955,0.9756239628159258,8.784684234420814 +0.5252798879477572,0.645273774854469,3.1787523064850434 +1.0475202708163645,8.357259234163987,7.905123757536421 +5.4367712363369005,9.473881877770108,14.763536191040757 +5.380003013125135,6.287113323103868,13.246007416892278 +1.8448396114049304,5.405810206337084,7.459926573922486 +3.853025488033268,9.314353421403702,12.406627068384989 +9.33921215781792,1.98498612502241,17.0770893620674 +6.201308639383659,6.38175802970978,14.622496267659763 +5.625350794580179,1.243297079951493,11.00049879627091 +6.540153188408619,7.9908528492420015,15.974349957679888 +3.452260338531301,5.145517019441572,9.607984252509064 +1.163279463492779,9.306887114870277,8.457388896523645 +1.0953785317232,2.0837710666824707,4.595884750460549 +2.9847847580003495,8.257902391820219,10.541951137514593 +7.0065592050235495,0.0701443800310253,12.550918947847729 +1.8356154715941053,7.501511791919018,8.46429681118422 +4.0383449100081235,0.2621353246725999,7.902257362581469 +9.639168783200248,1.5123291294056207,17.276064695651932 +5.104666400468276,2.483160976448434,10.976556147402668 +7.374693202253596,7.767260990472881,16.929563957411027 +3.9722040352489305,6.5844962145903185,11.226590304952426 +9.090735845464854,8.148091184926063,19.672860351315478 +4.148977176449147,4.414760538966379,10.259699507198238 +8.868782740270206,0.3437280042634294,15.293309286795049 +0.22811572313826356,2.0579534156502213,3.451513463678597 +8.276216446853436,1.5321318761720082,15.286860678658728 +2.852792849483526,6.290686901401758,9.484215676421917 +1.8424281006138077,3.0311634124357347,6.3171492252245205 +4.669127271231922,2.2810928376793815,10.222509282220711 +9.924136839779331,1.6344601732126784,17.77504636951187 +8.49937104920253,4.700998314987191,17.021040254771588 +1.2912367972018846,1.184861571625806,4.551532055792472 +5.002960560508553,3.535201714692102,11.24243442809607 +2.346022991129937,9.589391371657488,10.28544389606897 +4.633797406331909,9.288109813723276,13.708771481830684 +1.6399972606481883,1.8346606723001224,5.534792367093448 +5.960276909424516,2.6987564261682264,12.055159340827204 +1.8493785561126042,0.9468538541331106,5.221987335531175 +0.7627067030716383,7.531683854134263,6.8791583104686405 +2.821631463698165,9.78419153307635,11.24069012308759 +1.831211274791248,3.544466500238479,6.37401261133772 +3.7490861948233345,5.001527927368299,9.825435454776663 +8.706358689794534,8.347702099641873,19.315482594588133 +0.09956330863795326,4.092550669582627,4.291913691333633 +8.279367310405819,0.001978078267101946,14.241639555352108 +5.336395722182439,2.594756213332019,11.289531518385783 +4.127685492421006,4.20304699878808,10.44606987854009 +3.917544407175144,8.91950122211263,12.22826283383315 +5.364636089695346,9.037467238279847,14.575792914119083 +7.26742407321351,3.5112007097400566,14.70753269308055 +4.935636815489549,3.898585382052917,11.209984757375691 +8.285742782003215,1.875978119709637,15.3102190481546 +9.364122822615515,5.804244942519161,18.779223068387235 +6.11757953968084,5.168014002519713,13.743923136069697 +5.544964770449176,6.676754164228271,13.576724900522796 +6.550352551008597,2.1414708886996427,12.91703284132134 +5.82440160873074,3.546264406884425,12.573217137805042 +6.370303058028788,5.478345802679188,14.433490368403932 +1.7967993371249258,7.347339175390361,8.602096669661044 +4.570134474794902,5.51441552286137,11.6331794586891 +6.726428649248129,6.52871773917137,15.322344828105308 +7.489288200900446,2.0675172864311744,14.230224430028223 +1.1039123373735693,6.691795746743444,6.905279747559179 +2.3598494666568213,1.1460486854982666,6.157614011420565 +1.31237492809408,3.1280012389951404,5.483075586108843 +9.917870480492452,1.57260326687085,17.714912578584705 +2.985365622984678,9.20734151882143,10.988416541524266 +9.633080631408026,2.28843361151518,17.54723007993134 +8.804526970506576,1.3891794452301365,15.944615520090045 +7.615364113005157,0.13008160647371536,13.475596445601864 +4.0661962924096,2.473352067173882,9.143938328314933 +7.040080141591227,0.16056131355184688,12.638881587307004 +4.64901706051533,6.967290247449353,12.376993341418844 +0.4670487325018291,8.974001821299723,7.30571696105407 +3.6119740739644888,1.6526583224224256,8.3414013859481 +2.254644960304608,3.389059287804632,6.8482040449263275 +1.9837510182229212,5.105787539152029,7.608670186460661 +6.3293173649935595,4.3343010888332465,13.70005655053285 +4.270321498951223,7.816995193687025,12.165575565052395 +3.0101671295788512,6.2276883390724205,9.71692720916761 +8.929215850434725,2.2151436509601217,16.373407141641426 +6.199007300244572,9.479717800547842,16.152907662113094 +5.2979525495545445,9.768977236971303,14.766798606364535 +3.1004604418479644,5.642938926661981,9.32035539612157 +3.1103575120095286,0.03719425067400639,6.8962081837578575 +9.973081004456583,2.400600680372765,18.005288996776166 +9.731019852367316,6.530328266471271,19.781091499577744 +9.039336089485726,9.67202747053633,20.334025828726844 +5.67829206341983,9.996913443012582,15.470327980483413 +7.673299092753699,5.238145560935735,16.198899557146056 +6.5494328419088585,1.9427135732659928,12.801297243048388 +0.11032621440349888,2.567893476071421,3.549866347394248 +4.349708617199069,2.28052586861754,9.70201757781924 +5.14035897986198,6.579441422246664,12.83295918591578 +6.557938491000376,8.937644305331284,16.360715611076493 +9.663190964832097,8.906950133598885,20.97164216629395 +6.201749593469261,2.0576415459112907,12.268982296110146 +9.434511591699268,1.7486039476730653,17.233441894637462 +1.5142738251046517,3.17569327905435,5.920092188532841 +5.736055613382883,6.814726319858043,14.105619254311126 +0.13292677345635995,7.780222717197502,6.187158815039616 +1.7501954908724215,2.9648485151302117,6.065712142564272 +3.220867257956516,3.324459988987425,8.556869395738987 +7.603676022094713,0.40944362202179563,13.641838534525661 +1.9651781839231952,0.2231923115244816,5.0036608898508135 +7.782994567117663,9.837223383651235,18.47094525252965 +6.595471592665643,5.901391809188112,14.84632645335362 +9.080662133885028,2.549539863634828,16.954456067530607 +0.6646230513800522,5.099699049722157,5.548408395267515 +2.6034870317382874,4.51081614680902,8.14240748631546 +4.5629985058180935,3.1883182406806942,10.44139267805683 +4.863245815830535,3.8015188054990166,11.166930201534273 +1.1305933678187674,8.6672570740578,8.184450516937627 +7.01273714430226,0.41308864999840544,12.752674124078514 +1.1578642527130634,0.9651447071202401,4.170722466464657 +0.6174354700882767,0.5905677584054769,3.0406344700163066 +1.571123329362003,8.478694085299281,8.576311179591467 +8.282332961981759,7.831464752783852,18.281549427722176 +6.1470650653857275,7.234935532136345,14.776669269392936 +7.384812108403062,8.893128703076673,17.618043644013333 +7.323430296357656,7.364593080209655,16.675415550693735 +8.040811727134837,5.5635485592763185,16.67474734714773 +2.130287900426092,0.845424775690583,5.680027423163907 +4.1904356038189885,0.9168567168606256,8.585878098301103 +1.6930403155433116,0.23840011762434998,4.728092514153741 +3.0020629103650984,9.699978224020184,11.305575953532623 +3.7893127266441065,2.4089260605108134,8.897122841411132 +4.034494771382315,3.013385202066774,9.55594409594663 +6.7387682292836075,6.344667611590806,15.265673466422848 +0.27342907770496194,5.113231558067851,4.987711790781454 +0.3619968767543713,6.773632664142749,5.938000070294926 +9.358083306272585,9.07487878727419,20.761537289368135 +2.0571211209092652,7.426451477213933,8.82130226117231 +7.930659710405652,8.643675331093842,18.242545874732397 +2.59598670800521,4.508348459721601,8.077202185485342 +2.215044290365904,0.24309457211191376,5.482203223978451 +6.590126278649572,4.314636178931456,13.940148401392953 +2.481168805635673,8.47103947299612,10.072285717914225 +4.956806399792029,9.946576772125905,14.260063139825437 +7.93357826938967,8.692111997359198,18.16205753348776 +7.733322487976717,1.0592489895062163,13.966694945114664 +0.6502900065367068,9.150787726144635,7.5927932470947725 +1.3819718803980208,3.9122615067426025,5.986701224677265 +6.099110115559308,2.118983499019956,12.276749653673866 +2.252850437077768,4.662413422913765,7.612923288535959 +3.6089509145992715,6.765756670198043,10.849452256750928 +0.750761955206275,4.8875866947781965,5.627919942383873 +1.7425991771551697,6.067250090007481,7.668703589568423 +1.1621329176034312,1.9763186652941367,4.734446058937787 +8.038889828433135,2.351669900380138,15.247889611166435 +7.3706533879382565,2.7306269968819095,14.330224329198535 +2.350275052338311,2.9915478288126742,6.913659539287675 +8.809319844227485,3.97165659336728,17.254195323151308 +2.4376052988397365,5.366394736969131,8.30273621477244 +3.8564141178513567,7.901975197716632,11.780947971871596 +9.904456183130277,5.265744426658337,19.644655334025483 +4.517488976528493,3.4303539831388563,10.445694702323133 +9.733387322701377,4.83283276004682,18.956488327548847 +1.7799685993604941,9.69215905384676,9.48360410507193 +9.608821259993569,4.357250523350765,18.595754264196735 +3.4818601303295713,6.804374466886354,10.686391309798044 +8.289241307856098,4.985321322835274,16.92368393264014 +3.308129910530334,3.013940108630134,8.677019620525572 +3.265987272144181,1.1803294012241006,7.531230560325433 +7.786204363552088,1.0495986351913644,14.28218830187128 +3.983144949338527,8.34943337140865,12.145748067866714 +4.041058956918999,2.9476179792595234,9.636580547961138 +9.482537238032672,1.2654375353301062,16.835997330072704 +8.848539027844742,0.6207679873680461,15.518770165578205 +4.135294128525699,6.31721055497867,11.45208095234726 +3.7003838414168087,5.346064209614584,10.217879012284433 +2.040016665871822,5.6903451746683675,7.929724055794452 +1.3455871689923815,7.960963160895763,8.097050607018762 +5.837899134421298,4.819321148188526,13.180407625055874 +0.5466679583308132,4.997743359167223,5.3039487421063125 +5.635694303612403,2.6566751340716452,11.728339392004429 +6.775903409082219,0.7676514871352058,12.653848942075768 +2.086890814484957,7.375485173242352,8.78390616874255 +1.4722221892602416,2.455488196226161,5.430967333857988 +6.508553479043843,7.288417038111124,15.435729503908634 +0.5148925462343201,1.2658941325221507,3.4335644058287964 +4.461180058432626,5.927949448321963,11.757114769582873 +4.537812343456108,6.470699928117579,12.03508656669871 +7.559929065219589,9.495438475079023,18.22525129383133 +3.4988071312944715,1.631047685044661,8.038858862543268 +2.640840042882039,1.4816444505179105,6.739158453046011 +3.942456419729161,8.725672659015656,12.258143552518614 +3.4705989694435657,1.4882270222259675,8.159325963406042 +5.226328820229693,9.9194381666014,14.764148640576844 +1.8818121866875948,7.778749517567219,8.686073181430155 +8.233589435743026,4.013383435010018,16.36854997006627 +6.1955143866452485,4.323734507511886,13.428461490484862 +2.6232693653997186,4.261188000723602,8.096946862442852 +0.9529013663007158,7.069561136608927,7.087041442985033 +8.29193031629304,3.073999333704828,15.989625581538824 +5.664768243799825,2.3214853203943644,11.67632200593877 +1.2746045017281171,6.636185651121598,7.207084590102477 +1.3410759650791237,7.819790692061673,7.871001929261237 +2.717545487509241,8.185133930026607,10.17853817301452 +3.6850457439042694,3.688425926429848,9.372541503034457 +7.505727606724842,5.102657746354712,15.927246453811847 +2.0097742640987395,8.50408548053435,9.170796343826996 +3.4015320923575953,1.0277676083840148,7.761635412273348 +4.160010449228776,5.73961763169679,11.09514297934525 +6.098853339390975,8.3560784530382,15.34117270413182 +5.414068237934746,2.237104830673501,11.133171120989143 +2.6166633073590804,1.0084058829440268,6.485391586082736 +7.359242892362618,1.0594154649975795,13.47252443280331 +6.058126322747955,5.969473940466132,14.109265483982167 +7.855035569753578,0.746296996854211,14.18327179381547 +2.0291134351117135,9.095623770231384,9.558919926804988 +5.7223682946201215,4.576902131100785,12.665476077734754 +7.476762654622817,9.025304510891583,17.94385870594872 +2.6300963694954893,9.014756288113434,10.34710355871395 +1.0869462604075364,9.77683047729878,8.546109313283976 +1.6485182509961016,2.6623636860229394,5.730978614300291 +0.9659394009164124,8.036765068866004,7.572091974556011 +9.842320620416789,2.9697650856976807,18.210414839939332 +3.2561196040179388,2.7897990338000254,8.203881445573817 +1.548281002149251,7.874442167386926,8.319158258980327 +0.6071984000912245,9.677741304742828,7.622472541820896 +9.273155245090482,1.184390852842464,16.46060043287787 +5.295238512104824,9.92851358644337,14.976139076448368 +8.526192490484263,7.151337259585594,18.51564162665772 +0.22460945440901936,0.6837744536824142,2.5825602530927556 +7.940170984426924,3.7644485419096876,15.731324861511576 +6.684318774590476,7.391816270431581,15.757600064650944 +4.2218417752508905,1.4338175070077952,8.849929106323087 +3.8669450307921185,8.710484423186045,12.291422172148533 +3.3108577903197878,0.6264944259457306,7.179584188305463 +9.591314171847817,6.806769089738685,19.746614809878423 +5.408567519375659,8.291073466812378,14.284472450983806 +4.111606780970959,9.851157940105953,13.098112806354022 +8.575730693978237,2.8054474165599075,16.16995814798552 +3.710479871776399,2.757429641984457,9.11658051830009 +6.593408428482387,6.3933193106740465,14.829259048982946 +5.2250587351271705,9.658403745728311,14.554589213202156 +4.722752881776897,7.837223941965653,12.939063809985798 +6.5809511717666975,5.181849401446684,14.367381000768656 +0.4209510721139831,6.574950238201316,6.040857083230114 +6.425950842762253,1.248739945925481,12.097461867670562 +7.959149753606658,4.669940834450421,16.429441350847455 +3.2414601440480872,8.239593858459658,10.954173774973416 +3.433709594978237,6.218507912838263,10.123724082166524 +6.179148014564922,0.5280598257326696,11.322661553311788 +4.228336305747159,2.2277874993195645,9.434885149402957 +1.9957066190105588,6.549618886272098,8.198172360940108 +0.11409995285753705,9.690789782144964,7.04019430278217 +3.9539100600482113,2.988035284449051,9.379825504533413 +9.199743999374574,4.8667214210684495,18.32855697667023 +6.143252514852778,6.958507486369615,14.67988339590012 +8.714112734844635,1.297419898170561,15.67748820717956 +0.8165317909202363,9.937107843347391,8.290677037230779 +0.08883801626070498,7.08194753615026,5.697047743810195 +6.110653619586211,5.52551021709167,14.006198704949176 +7.858279591800934,9.924729476354587,18.864650197588357 +0.46885821493927393,6.145304926431803,5.746559743412744 +7.167776685390507,3.0593930617301854,14.28518634678426 +8.928613849209311,4.569928414497118,17.76226537538097 +1.644784619519467,8.544078160203,8.494150409104096 +9.429256204246439,0.995149183687436,16.631282162724393 +7.516808671545531,2.150142191652197,14.327797367808964 +0.06722217669021702,2.6061382288538826,3.441307619826677 +8.54909835220747,1.4118387678373234,15.449455927111046 +1.3066888299846058,7.390477062001563,7.764816512436387 +4.063596385646381,1.48486072534602,8.764048639372927 +2.3000037648217173,7.946019249856045,9.377113543732547 +6.232687900580196,7.609287725664985,15.087234717313779 +0.9777323898803769,4.581042828497125,5.880108183693156 +7.971062507813321,2.65792750868431,15.07699984006161 +1.691889683760286,3.8178389381719215,6.625441992743334 +3.333799738387807,1.854727788822036,8.075400556202824 +9.539449253562585,4.830984045554402,18.668179369380514 +6.080763561099246,1.2110690874959507,11.829372262897136 +6.100350881315128,5.5532269320846375,13.94014877159757 +9.319293277730326,4.123168010720438,18.205815056439175 +7.82062100476217,3.04180978462122,15.34690177020869 +5.789403563278805,9.26970397244198,15.538271788601834 +6.250713107588963,7.111586837665084,14.775648409219459 +8.759845252025904,9.254243633087995,19.78602423004787 +2.082748752030671,1.9583803162918523,5.930902936875704 +5.504761269087858,9.955163763063611,15.18285241533589 +4.9015232331078,3.309049631034272,11.231774945126348 +5.3726127493308855,0.6439577411570185,10.427718039700974 +1.7720677030991405,1.4892041734650996,5.501157758376853 +0.2791554507105187,7.222123030452839,6.081188553988592 +3.2547454586182356,1.6853631124208979,7.76984591845701 +5.122437705256234,3.234444059720648,11.248643795232766 +3.930177707980791,3.155318170618111,9.402061407267892 +0.03983514358832152,6.883288644189251,5.4464812706779 +1.1069047873405968,2.1914239706296943,4.483029760959333 +1.903170435638315,3.3136729549870747,6.503388273556539 +1.601976794963561,3.4695212418795407,6.161710815636828 +2.4326434580773415,0.6121511317241102,5.893118750382958 +8.705629771698293,3.0558110709871142,16.57328201610713 +0.9528214637638055,5.215263789521229,6.089368957050326 +1.2327551836880324,7.730932014568469,7.803079019726698 +0.6157794323983956,4.646359499442313,5.127067928591548 +9.438263301157782,1.5896905365841352,16.872762645904583 +2.0136867690549796,6.004649113952158,8.098150654155669 +9.798540715953393,3.8583574828559373,18.68589053705071 +6.486450927772066,1.5231706278163393,12.625701580603657 +6.4139713326430225,2.526620649548932,13.014559853464528 +6.132876074913306,0.8866120808360944,11.884107469259416 +5.249690217053291,2.374049946732404,11.032283712193852 +6.817087033294134,7.476697870683155,16.121835885664535 +8.481425305593973,9.923953689190819,19.592113332591076 +4.59354779653232,6.7059441720732424,12.48269906558173 +0.1842371625212169,9.050870333062111,6.847260600232391 +6.15743145528579,4.213449792732371,13.397074075570918 +4.343127427606507,7.579956463603956,12.403661935287941 +8.33470003535894,8.079036763148519,18.406032104978557 +5.105846530470237,3.711466375680317,11.407027471781948 +9.455393614155355,6.3419952477020995,19.365655406323437 +5.436534089942116,5.983189320282927,13.180967752062463 +6.2986650818628265,7.13072884106904,15.221617435452458 +5.5318469504116585,8.753553544574785,14.579627208383448 +8.597142142737162,4.422577446528374,17.261021235856493 +1.6853611212553654,5.766557137711008,7.384761325187441 +6.207395221311821,5.233795739537353,13.90003830005725 +8.905778132739663,0.9302025702436589,15.807384198980516 +2.874185048352005,8.657898463226186,10.609699090208014 +9.394133130222055,4.2592507470256855,18.269478901444508 +1.926439818409379,4.203294965099348,6.951812902022163 +4.56166445424136,5.195693781625502,11.299297852481642 +2.743530801829511,3.1262740711682246,7.651652296704434 +6.55587631346092,6.217941509966394,14.988449124739889 +6.621025151153345,3.772849831975811,13.67772984233413 +3.364568384998922,3.5153867297293893,8.862728941979123 +9.511764854896684,3.9524510314432284,18.36192476216864 +6.061323963379256,5.228431871665386,13.85419496288369 +8.762218159944922,3.691168007794791,17.0226776431791 +4.341444443561705,8.427942887822104,12.545673044724447 +1.6095761402990583,5.942945478753,7.4505989500376275 +3.9990820764380395,9.857915589252276,13.024298041961828 +7.213841168006198,0.10556262806128203,12.803889648851348 +8.394739004466437,7.031796561813116,18.100738492767356 +5.6096091558264325,2.361284758843171,11.643416058265721 +1.4931665040769027,6.28399562858418,7.560473615689893 +4.399402728137639,8.616203122311298,12.88162068464152 +2.6237357027767128,6.375199808462489,9.21232904764081 +2.488430366590176,6.363170790932884,8.945860707724183 +0.4834464221571333,3.9170742681438453,4.703649520343009 +1.7268561586575137,6.059339962234746,7.753001166868287 +3.167280531777318,7.715326176767493,10.525441657352737 +1.1459436043001825,5.562130669192423,6.523021381076048 +5.936778629416548,0.22104099720065995,11.018406970556022 +0.3598571085049862,3.0824017232801837,3.930294528637144 +6.090754394119121,9.626299951622064,16.07253990053571 +0.9078350998866302,7.031627732108056,6.960468233534141 +6.9271612212277685,6.694742435034769,15.741500989815853 +5.161473415322018,9.668259506101437,14.550201976598197 +5.017751384886814,8.382970791992078,13.718134664280496 +2.6252060287466383,8.063084993068552,10.040088697204329 +9.965457339389333,9.1008598777376,21.50390546103958 +3.040717187519454,8.461574758483994,10.725113126207814 +0.952571230287198,6.777075596130526,6.765686686136249 +3.4214623298668654,6.58670089595598,10.424331505552654 +4.122490075794653,0.0903314982532244,8.135641547530305 +2.3127655404795098,0.42386232858316,5.714411848221068 +4.272699227998514,8.40071286728183,12.530103649069975 +7.379967589750783,7.889121862440657,16.919078506900284 +8.071996488047292,3.719397880434755,16.287006876068485 +5.060257294933985,5.08451170085401,12.32662693378523 +1.1320851693607237,5.9814212212827425,6.703232868784449 +7.201797790003354,6.109678191132942,15.942637407302474 +7.459659347095227,1.1889126812485673,13.886040165019212 +7.614089463341772,2.0814010336847644,14.45429033073636 +8.768268228395328,2.449313123507956,16.405334479649298 +4.919923836904402,4.872662966566343,11.790000194931515 +2.688503203920135,3.617095844195944,7.966869768951669 +1.8559674907559198,5.7010069745854945,7.761398026134539 +9.130280253334801,3.166075723616504,17.43465012967967 +5.0806260977145765,8.618806119086495,13.956942063090986 +4.524990469454725,8.312603284579195,13.160567843280464 +4.4639066516986965,4.402424667108733,10.889437200126643 +1.57239962179342,1.24978824426614,5.188186603132622 +6.114967442944877,8.273335246787205,15.262788816541198 +1.3540648685019363,9.100939461069878,8.45182300223093 +3.5887980186433643,4.252572065208218,9.71226386327126 +8.94453402018129,8.962964503214064,19.964320994127906 +5.248588769115719,2.7676494445334088,11.308620126299099 +1.7193947233817586,2.7158004743054653,5.900943862631258 +7.806273976251249,3.2459080221364953,15.247850066695156 +6.945614610330086,1.9520082227959712,13.319400859431953 +4.785036326888996,3.521062160588222,10.951940299052207 +5.036123233202306,5.699452909201765,12.388891237959403 +9.909349646344452,8.998950471892023,21.169441707676498 +6.958664775241907,1.537434705304187,13.376090436841526 +9.190285563392184,8.925860707079996,20.20638755165264 +8.867034300742388,4.790168643530559,17.819476721568765 +1.7070671106105684,7.544032149689216,8.262051934209897 +3.885150389904235,3.4456828969223494,9.566051284340448 +3.9078201255927736,5.590705574658124,10.754314106674776 +3.33518830744159,6.8992061099811846,10.535820108424325 +6.477237957436626,5.088626138269003,14.233373939712582 +0.5397323168549528,9.365426823711724,7.5432412783427765 +4.116962831203902,4.494531942858872,10.490304885134746 +4.5603251224316566,3.650279582384691,10.650834520582565 +6.745879106180097,0.13917695823849274,12.077035309155551 +8.735083293106788,1.0243902526956028,15.55236337006319 +9.997136751048174,6.28082629176721,20.0981953800519 +0.6624647410468398,5.6243705942684095,5.808488286630014 +3.313077924656147,9.530432231262337,11.89407104742618 +7.554710047818848,5.070146686484364,15.95788665846278 +4.297773995074746,9.958688657895364,13.344398945829532 +6.6738408496076085,5.139297423912409,14.76406221587563 +3.9794411742029534,3.245828574405618,9.584193080991994 +7.054194238016294,5.878855149060272,15.587947497821261 +8.481848353039325,5.535607233033744,17.39667746160503 +5.823313901318105,4.773564948431805,13.076529659263946 +7.626209462910666,4.149921760985182,15.618068919926726 +8.51939604729915,3.2704476115479997,16.326430637130763 +6.926250463809654,8.929708990996522,16.859747320110593 +7.6907386369612105,3.426081425159513,15.296239742818754 +7.063390029507729,2.069848146099736,13.527715437277832 +0.5816507945180938,7.913817396448508,6.65163173769841 +8.080091152316655,0.22930938915597499,14.325529868030982 +9.477950138699736,4.458998269051691,18.732762600207675 +9.052721474353891,7.881745256449069,19.565841457659413 +9.006535278087123,8.333756331170687,19.741755786543788 +9.739953695868241,6.2910100127578685,19.66702832945329 +2.272588470525021,3.895631307329875,7.50366583170195 +7.5187924861908115,1.5696927880306155,14.025358514752803 +9.298423361790197,2.0527891362893147,17.090401342981984 +8.759747381796103,4.837239448385878,17.61897056300807 +8.406201483713408,9.58295697477779,19.46395040585707 +4.221474520757248,6.966045409179036,11.874565103285718 +2.2671760340935174,8.007857166785385,9.460836147412135 +8.199256492831074,2.9524570403279604,15.803452282211234 +0.24140762470689858,4.3120525177982465,4.615064002196692 +1.70000534245212,8.18551080268873,8.570158538679248 +2.6109727801715623,9.436927925465271,10.611041095940841 +9.718089610768892,9.088359240704614,21.268122876191864 +5.996144777061742,2.674280039859159,12.348647820861167 +8.072584148330359,7.015953812080143,17.584259146298056 +9.771683470502623,3.7725200731623842,18.647272180135467 +0.5876799916772013,9.983863288389463,7.9571947602640964 +8.382636394388754,2.214896882985491,15.551421095907807 +7.256278658996539,0.006901750647781979,12.960862016898226 +5.578090578835805,3.6283824100162843,12.195060841562885 +3.813330412376269,2.445198061720758,9.013784804218044 +2.7484521563334408,4.5466866385615115,8.397092036400418 +2.4814503547777553,4.664399468694379,8.100805356218943 +5.773477205704555,7.111114228525101,14.032673003603728 +6.77145650682818,2.419892731045233,13.277637609773592 +0.39189590428113097,8.326818660931307,6.825263303452438 +8.723128429645932,9.788895197332716,20.241283877906604 +9.597115572361878,6.33814026692984,19.601471021957586 +8.942717039415783,4.480084193213887,17.584837185965124 +7.873356397250429,9.553345422567178,18.600248329634358 +7.9627855720766405,4.157653659518004,15.933662759287886 +3.77759247066765,2.9154275418732247,9.249084816701373 +3.6706352431382747,8.20576661792203,11.61364415415071 +7.015003212185768,2.4987917954172447,13.877221519413311 +7.115351285827502,3.793954660399921,14.554658761697128 +5.577725070366454,3.7036927276934617,12.332630023722329 +5.216293528858401,7.298038950925447,13.311100228606126 +7.31130650620499,7.531825793010949,16.735320452672468 +3.9103879549019602,6.904954429133539,11.37201800955878 +2.387116314470826,4.774284204198656,7.940981486207668 +5.831069168032766,6.864821872720254,14.214965692931859 +9.119959917542506,3.047686365397909,17.238037461329917 +8.452859146449596,3.111242520093307,16.339793315727945 +5.51909419035327,8.280998474247992,14.481293161333364 +7.2314960526969045,8.628696688773296,17.200885235660415 +8.148811925163734,2.7634726193453707,15.692900562260357 +9.92936671711811,9.369984322070726,21.443737059138535 +4.301746212382898,0.47209475688876235,8.61342570519874 +3.034966731891301,8.361525305964268,10.594686844493184 +9.508704194988336,8.316719542598827,20.47627625211708 +3.967432366045961,0.5653649968633123,8.275212439250229 +5.175828440095406,3.763825088631574,11.784184711495204 +1.2297238717808479,1.0585334638910548,4.409019138177847 +1.530368836560958,2.058236733846397,5.261501476216359 +7.537864093654719,3.8170347050070785,15.228713574164534 +4.369381301951787,5.98381334983118,11.358436487999745 +9.601334774320163,7.564690489003385,20.14352477842606 +6.4571261388120105,7.43832133607818,15.17013959975165 +7.192925211185876,6.902492609942767,16.27348618566417 +4.964071194998567,5.668470801399787,12.252412348904555 +4.614914664489468,3.9495849704699806,10.88393691472697 +2.7076807175625293,3.552132012623902,7.7444286630955474 +4.285296173096543,5.793794049844859,11.257955630626217 +4.998750972030139,1.0794895427725915,10.107132868520397 +3.3997365545726046,3.7619346860163008,8.836965182581704 +7.069259651130924,3.3289208435545445,14.318918667449655 +0.07955815584637871,0.8433662333004166,2.4598981477244135 +4.969984179702299,1.884955042723706,10.229353533048466 +4.9462241127923265,5.742053720861224,12.412997418030677 +9.334379025693547,6.555799243488199,19.4123862359189 +0.31040722633432716,3.807305182848445,4.315316640765831 +7.934569707815386,2.6056245598992813,15.149739352119287 +9.24973071500241,5.290107085636377,18.494562152119247 +0.924476918222058,2.4167054018028034,4.51406154808181 +9.062991990886625,9.914597511748099,20.48840200689026 +8.630158925673534,3.206766846519212,16.593627907272488 +7.688190125100985,2.2222764359625566,14.850812784273437 +3.8452228744812764,6.971681286006975,11.218203974871187 +9.689013391845618,4.391982767814071,18.831821890858212 +4.958364210333366,2.2016852895105443,10.573678150272137 +4.032227427493651,0.6301860769564438,8.19621065555721 +8.585858956268387,0.23334589214200396,14.993017772505354 +6.835245845933517,2.7322170145416704,13.60397206386501 +4.761094320331617,2.815584400997575,10.695887479971057 +4.000706680269044,5.467778864190459,10.88546479091676 +6.408934114321947,9.402861430991164,16.352511856253177 +3.3220090177564785,5.848575129737519,10.028727010247694 +9.017221472082442,2.9023180795034254,16.962355241207135 +8.650499811254809,9.575550963898491,19.87546080302633 +8.474937056269138,5.698605013415969,17.571741837688627 +7.221155399932949,4.810658685510437,15.346829905267017 +5.97255804449735,9.744740669782722,15.95114843707692 +2.5112055615554496,7.925471225406441,9.801189033119284 +5.0623314975480325,1.7687325343187266,10.403704726920086 +6.43535380704444,7.924269065350766,15.573110850991803 +5.687558193233694,8.374328009916592,14.79372682604852 +3.6586861408698734,9.137682989874424,12.146216746614488 +6.483200999863272,8.03159324931563,15.756437138499946 +2.7298512485830795,4.461283119029167,8.294189319485199 +9.096174117401453,0.5089555050188155,15.917877806624508 +4.0398171356318056,7.803186580538358,11.93347142672937 +7.438146901780019,8.516228307693662,17.388043358783527 +7.393903346787432,9.470921491690063,18.022319112653687 +4.982595553500459,6.242898368532909,12.547793813254083 +8.477057585602266,7.0169094985634715,18.27481997500769 +1.0205671887366918,3.6699645259479166,5.381125472855729 +5.525907983318721,7.547175438615689,13.939794978427194 +5.435675688185732,7.7754924138379184,13.915157914366231 +8.37609476462908,2.6512827029518107,15.88167175582048 +6.160981731621135,5.571103774807829,13.831755007683215 +2.273172526548678,4.898780892368314,8.042189813682537 +5.485682845687174,8.173398752058645,14.279062173524457 +4.609893746422803,0.8091598247594944,9.275101374918632 +4.872959582322071,8.379509443764327,13.62150046763005 +5.712554523275456,3.1886522770221792,12.14908597963771 +9.209709479842584,1.5565138462606176,16.657925460258088 +3.2687765249330223,4.3713469062958,9.031579779191752 +7.3797788792587635,8.35746792125761,17.25294562324002 +0.5856047624519944,7.920358204635946,6.93543406170895 +7.205284152506632,8.946523048118163,17.195006425688884 +9.004429908255421,7.775255586604485,19.44704616564915 +1.9020268426368703,3.138715066560507,6.180746643360889 +9.36319698848498,5.981732998538578,19.162212459234777 +5.387607343892878,9.157094400439984,14.604316576012879 +8.741985740996647,7.2749615331638084,18.74189362988157 +8.822523041595435,1.1383497719548397,15.79316408742305 +7.575439665999081,9.65640202196868,18.09387482972901 +0.4897679228140439,2.230456517906342,3.74471710959803 +7.939683888654189,5.200471644306523,16.561896106431576 +0.8661835454126132,2.679580291560212,4.695899012234093 +3.2405959992264766,3.2106272184594875,8.377680260610813 +8.776727494688318,6.620364573580414,18.529379901895233 +7.349172783690118,0.135700888885516,13.147399037485222 +4.275120029604318,3.178206280655269,9.963961275018471 +8.519254022401737,9.538696539198517,19.41887975961673 +4.233408495870052,9.730606145712986,13.211661485314801 +0.14359204043768115,3.257194042086058,3.8804932705152133 +7.749311779299499,3.60099630475033,15.418579317226252 +9.209623303779162,2.184648924981305,16.847510011785694 +7.9566672732811075,2.0170225240252435,14.990209111806305 +1.9710491767283767,4.457493583832743,7.31185300715712 +9.449405883303324,5.854549619023483,19.02435394802636 +6.350328948735802,0.09732672468616199,11.544356032676879 +0.5661520463176517,0.6693402566102347,3.458212457909536 +8.196421746612321,2.368521217583356,15.507979995018516 +3.2883818463874226,6.099527786289806,9.855655971017317 +5.8395431765331915,4.105294975684403,12.76420399488993 +0.04300206034838494,4.4960257505081564,4.236823886690604 +7.388826157200231,2.352393153254554,14.297475134307122 +7.08358010273818,0.1515281981727823,12.731906970631895 +9.080078043145317,9.500392076557908,20.30666438447683 +0.024614834245593187,4.578184138065123,4.511645419442192 +4.1382194023866905,8.418833559195065,12.425259215745825 +5.407215913232687,6.113654699360509,13.12207821591261 +2.025060030864224,0.7706466799708089,5.300801208464745 +6.923310971826252,6.206759919694283,15.398869875624737 +8.32328733983278,8.446834474420555,18.583745864971707 +6.310352739729366,5.383613829502881,14.138279218833333 +9.140082690118511,8.012641358523172,19.627948346832547 +8.824249949675782,9.958408982739929,20.293977815548214 +4.035057877665125,7.169346622907508,11.578816914144038 +6.880678152315784,1.7414271333279996,13.275750894301407 +6.365485996930432,4.2808927587890375,13.73782210756513 +4.506355901137111,1.8013798985405693,9.724774555910358 +7.447393461359687,6.979409896782558,16.75047004593844 +5.322901390021636,1.5671919122582145,10.967280385717986 +5.568647853571268,1.0013342214702037,10.768739152408244 +3.3937202614225646,3.723578427927129,9.036969533770979 +8.834253925406445,4.155620754443852,17.36900316464047 +5.984698686257969,8.74778987903984,15.457271015624965 +4.257594387556296,8.837035200707321,12.815988934292905 +1.3646131252663973,3.6484315715995983,5.988736604052983 +0.9472724906646457,5.609296292812847,6.09639656901531 +9.572820604078023,6.569518353212652,19.543559225647833 +6.260756173487486,2.781586322431383,12.725006397324876 +9.311067586231218,4.715347847756945,18.3168003320592 +2.670020530458191,9.876999804330076,10.948166294547654 +4.23123933794739,3.7149898240954418,10.130351192384664 +0.3496126729883442,1.7829497314468257,3.3168066264776397 +8.091913550722804,4.826951046021502,16.485816835278797 +9.548747269251937,0.838858032235813,16.57161924748257 +6.159434423984318,7.1998414754331534,14.810258880498427 +6.211831264646035,5.298775601258555,13.961294058322174 +5.782983203387109,6.895495913764202,14.16632640693268 +8.632635436375292,3.363446442846858,16.64736354782783 +4.5965408044166765,6.3590958661717085,12.253698954818683 +3.142159523264475,1.7878286594669535,7.688390948990313 +9.66168756778133,1.9472888879623729,17.53990713094749 +2.327330954022507,6.186861004825924,8.620897113495769 +0.7736830992150279,0.3404765381520658,3.384335435350619 +0.640136038053486,1.2326364578576832,3.5544483160377616 +4.291968621341872,8.292606434644913,12.594218307203832 +3.4197189309552734,4.275314146474197,9.459391177131717 +6.00251092835867,3.0214442562376123,12.507483063709977 +4.325378787679805,3.863116868643608,10.286440110080962 +3.418835416500199,3.883931694820375,9.139899767966277 +0.11117710412063331,8.862606681215846,6.685589862571284 +9.773467974486907,8.624961914161384,20.98813526189779 +0.057422740542416584,7.508855466946219,5.65272729916623 +5.731001725867135,0.9417491100775033,11.196037783130228 +9.328591348795976,7.762171292226369,19.89696334194375 +1.4529628644809367,9.64041429693496,8.968625599125184 +1.2619875281064008,4.546798785092835,6.28518659826635 +1.5897573265917297,1.5019079505790445,4.933126119335767 +9.6780573837461,5.721227813923402,19.388886105369156 +2.591749176930025,7.763993708665335,9.71554128736661 +8.752443993025075,9.176039367877788,19.86590029682015 +9.329849709668721,9.055818297552952,20.546972003239013 +6.389323959265706,3.4246664980705708,13.20985371678112 +9.25567677438882,1.2249652800038602,16.60982127349545 +1.6879981505081754,4.3382754049569385,6.455231716883414 +2.836649422131816,6.157328142238714,9.384428375254457 +9.053019229646232,4.910313263724476,17.908356318137407 +5.538705934185323,4.2313372898109245,12.377483781917842 +7.075691599759386,1.0068877984621383,13.092913566075776 +0.4858988592656155,6.413384744331628,6.026551900925626 +5.348785451541519,4.073580290193776,12.28030945694861 +3.3399264187917197,0.5180744404312554,7.090971553763587 +6.805561624139979,4.214675358207173,14.360310538680034 +4.452680395196166,8.934448514118918,13.366490462553575 +7.375478825234788,2.194431486932915,14.103141012647711 +6.571664965217826,1.3225531850365768,12.455274137172776 +1.9406386785214313,7.141492407324346,8.50529884598875 +1.2589041824989755,2.801939513709779,5.372209531860966 +8.980602679835393,7.383154782815458,19.22824121521923 +9.294595176410198,8.818333419612035,20.31518926432156 +3.125794219753125,6.323774344810365,9.77032480575107 +3.786956781217733,6.971043316261096,11.297569824410896 +3.4845702165091295,0.013173718800592038,7.155985108200043 +0.9393821517178547,7.710123262227739,7.07251635311781 +0.8400524477226101,5.994226832402424,6.11185253582287 +8.577785123591923,7.411012368421127,18.51456988713299 +4.134387948195407,2.0860421529315296,9.393853551600085 +9.225374877418277,5.663996817850599,18.551224520308118 +4.054200592670558,9.420576990232783,12.943781200713662 +2.1501774387191084,4.422818724536215,7.567357410293166 +1.0864570916350635,1.2488026089953819,4.276610057458001 +3.9859625599683515,6.996603559850991,11.222336195055743 +3.388939441541834,6.8959797260300215,10.412993094111048 +8.051904692523927,8.775779146533363,18.402392986714094 +0.44719504053736925,7.737316549730915,6.71252100991156 +1.4714212222401812,6.982622932993342,7.6415265149695 +3.7166246560000173,7.077932976948618,11.036610255468768 +2.1382424450799684,6.449907189009952,8.451147457334931 +1.2551408706194056,1.6974554765680694,4.590486478233205 +6.144619251645596,3.3677149165036067,12.898324186165336 +7.037780731138085,6.851594354026874,15.902612539490846 +6.216339902550784,7.305405412343178,15.245987538027071 +7.9393524066366385,9.11423282471824,18.37438263298411 +0.8051582948176017,5.7154901477844975,6.2584759826718885 +7.4877683362040095,2.169414566698773,14.202343086528538 +2.6362114297694594,2.6696434433542082,7.315416408046932 +5.723329714745182,3.6617056846565976,12.46587881443332 +6.66094740121599,6.102396819679363,15.056795969432637 +6.571118331030485,2.523176168092264,13.126305659355731 +7.673713758229969,6.640355507686939,16.916894044598877 +1.3064961263145092,2.0017285240906633,5.002345246592526 +3.009651463064651,9.360415078387312,11.177394497204505 +3.2634986360423337,0.19879082665319237,6.927200043984614 +1.416257376588499,0.32171823650812836,4.268670915312201 +4.028392441432166,7.97153400969704,12.010546868077908 +4.5043578058900335,8.389941347931467,12.931730893404557 +0.475293213607374,4.697228641447639,5.069174093394419 +7.870753721294209,6.7472221765395055,17.038809458793466 +8.528255371404668,2.738347239095751,16.05879880512611 +5.008507962880486,6.768785783422281,12.980332212361642 +1.684899561587876,8.158067146770371,8.381341126540466 +3.1147005079097276,0.9330730391569475,7.25829048251305 +7.657012906819606,7.050179797319802,16.954717189315353 +8.836797532844392,8.920747454371242,19.882517206015102 +2.7852578458157753,6.413627752178199,9.507322199368318 +9.99122996171992,2.438065484610721,18.173137691314828 +4.728766685586181,9.101663646405084,13.621610212073577 +1.0307964152659632,9.28249897556195,8.34677019525838 +4.881555945617762,8.930407885720017,13.914861287130043 +6.2137141082688006,6.714355470230783,14.77502291670289 +7.7298575142799315,0.6713609198416803,14.044885855976263 +6.277683390396395,9.239372447718587,15.927459118848859 +9.561237239599569,9.683214440033527,21.20399280943432 +6.45832879267937,6.33286848124865,14.776889759479873 +5.524650667772937,6.075533591516892,13.213419844087216 +6.121179303831607,0.42408268521688663,11.41019907322435 +0.8887128593342086,6.194165717642494,6.388767889364173 +3.142164300384853,3.0142548500990074,8.203748912106153 +1.934406393149698,8.010699694340888,8.85695592908156 +9.643285037206299,6.277580031966358,19.47826986039429 +9.45419895606422,8.838841565103875,20.77039852597795 +2.1792697843303124,1.5352590117687137,6.052116835121947 +2.115867855286133,0.9620938386557487,5.510629344653574 +5.828791669869586,2.826500428375629,12.174634810335025 +9.129166947514298,6.134077732272357,18.912928267140703 +3.5961055576873138,9.846406319643815,12.413234244486388 +9.531944958918704,7.786152353092003,20.13912137231341 +7.916836754396348,9.772701315244898,18.712135040098936 +6.004562226399603,8.800198493318545,15.311235029943196 +0.6482772229999068,5.540625194543223,5.668503048025084 +5.025163394683246,0.37723862220849,9.660275792035936 +0.8695198532413306,0.2183892401687315,3.2666472248996317 +2.9401500448644633,0.535112295162764,6.63338320395569 +4.2315968476080155,8.127464113729175,12.445525185924131 +6.138298084364827,6.737899122966347,14.534996989605244 +0.3150668710963589,8.395263602558673,6.691967447311207 +1.4619037938299073,3.0265087603248695,5.868303393619305 +5.167938949333864,9.299934310131585,14.58544211115245 +9.981491683734626,7.826606836214099,20.87874823123118 +7.293142237274692,5.276823307120317,15.666143226314954 +6.656273379991619,1.4442417542835373,12.689866307695565 +2.691961205748493,9.846428634970845,10.912368731332364 +9.796150231455384,3.2297239466281304,18.197404780439275 +2.410485725715593,2.295180748174185,6.771980199916792 +4.848643835041996,2.237665797911056,10.500236879730853 +6.484966325506943,0.7481981135393523,11.974106554131291 +1.0367722241922672,2.769342749358006,4.911120347011993 +7.774432333784283,3.2328953904201194,15.244562037805352 +4.708167822838516,6.566220460091815,12.370049852358674 +7.885399219729738,3.071090212246527,15.389920505140061 +7.309694111642221,2.8606740435133258,14.448601747062549 +6.444662083666057,4.508801407946915,14.111092053076009 +9.266278193506025,9.820933862211271,20.722834640846326 +7.741231076902921,9.154643356434317,18.096623046780454 +1.365042420241911,6.544639575479145,7.344619972813 +1.9836794157240822,2.769685049724483,6.505634002398573 +5.228232412156282,7.41987269043999,13.406047165899903 +7.214940741954779,8.694593419570433,17.202845058811093 +5.592748521265872,9.26342653389574,15.000702190069342 +8.878885956869931,8.490574894804904,19.649045199696538 +2.295201078043493,5.314479931871966,8.16286059415526 +7.3623659704357705,9.761025078445899,17.928913176058128 +0.11647273737110275,3.271145339450987,3.859034040096068 +3.423502525858485,2.8853456978185674,8.512098832333974 +8.174242997629452,0.4507143664340407,14.566744109052653 +3.5943475000846337,7.116846082760352,11.088596644635201 +4.067397191069835,1.4406358369224936,8.83142975597347 +6.108524727590875,5.226102363936188,13.735043002174452 +9.818388361158688,7.485262191212092,20.45569842991663 +9.86175987845684,1.863526411160017,17.803373686852815 +7.615950092779023,5.516382196999166,16.177929641375933 +7.125094992012175,4.675514625078893,14.90543545185109 +2.1239081971291696,0.45736663465124505,5.509756091309613 +8.38288257326695,8.148083485866593,18.55008204364516 +1.6253973378633635,6.451808995438405,7.706449908207269 +7.377337005321614,5.576249953811906,15.667494296431782 +3.172289030961053,8.80945902185794,11.173978136166966 +6.424406375414307,7.202175120138504,15.230867517936368 +6.521145295023319,7.212886715850879,15.191454551532651 +1.4506714493444406,9.225943983113133,8.822260616265684 +2.858107979585016,8.36551223029958,10.359782048863226 +8.933842040969141,6.512236066600412,18.665356287659137 +5.983007620887451,1.0904821117158103,11.478579057137752 +4.362212260796284,6.116443846481418,11.453484671656938 +0.8186927248277276,1.1146201147754398,3.6807765401240164 +9.934812551072088,3.3223415096259457,18.46682021776426 +3.497324872911639,2.51529150599892,8.601874344723223 +6.46019769494277,4.7307588680679675,14.13925753090906 +7.904309573735042,5.124948318557868,16.638388662516718 +0.15415980283715713,4.826873903267956,4.593489021789542 +0.5518729059477456,8.267863804814272,6.907334667488117 +1.1365808498470065,2.169540149658158,4.803128642515651 +4.599652427948289,1.951840554004145,9.839872255845235 +5.392199601970315,4.606984244467053,12.333535221189726 +9.525226109172888,0.8837356332461366,16.735149465281626 +5.767320482685504,7.2039960964398375,14.3233396340319 +1.2762700905585633,6.364621277574015,6.885501672684156 +8.642390541698262,7.875556434281561,18.844143947973745 +9.35170690429058,7.205856967409448,19.490209542767158 +3.9398682967231746,9.204513845908108,12.49667625856265 +2.2535676761480072,5.837022785250142,8.342125907111601 +7.656579450946693,8.72281166995479,17.9579691941255 +9.165421310939102,0.8497564948236314,16.129635653031958 +7.260591694541951,2.0410429344101546,13.922036265036906 +7.791194414868503,7.006897319336089,17.02202780790104 +1.813523586003103,8.328301724195285,8.798389656424586 +4.6178880401856155,5.438561519010436,11.66682701672815 +9.714037535434667,6.566255875192989,19.71828279730323 +5.885631450247773,0.16762772363767664,11.03596224381859 +1.9921483509393956,0.26565421049937754,5.1734012724426695 +3.333124257161495,3.4450835302732385,8.631769993491117 +5.30330070391844,6.8976844699251725,13.255576904598549 +1.7934517189631316,6.016544208097424,7.626519954223655 +9.16976274528907,1.850078561592079,16.589751395588344 +6.590880302653639,0.45589141251907384,11.992566389968559 +5.311476342911242,7.415392571057796,13.534229769174043 +0.34041781190143006,3.3366539114253433,4.155913663343824 +8.779569853919893,2.2547979580003865,16.36997983888292 +7.228745543956964,6.122382739274947,15.833201462301934 +1.636876659594949,7.417075139818313,8.20834091208344 +5.3208099303219765,1.120258007262832,10.508569632379867 +9.493714032652699,4.919620291435342,18.761612863854822 +7.450808348030032,2.177002655257355,14.186066090703811 +1.3718320940435214,7.413067761299187,7.792381168463952 +6.738241785583821,2.7410768770389247,13.489914247729832 +7.462834355157155,5.049922610185026,15.855444781725652 +3.4859725664740626,7.868918174796605,11.219292256002749 +6.167827475422079,5.072683659719965,13.813683756768798 +7.731070967509631,5.448283598060093,16.173759422161446 +9.385344329335886,8.180556927874774,20.11577012450929 +3.58187572740197,4.649192505462585,9.617370035041649 +9.573330686953884,8.952043947939167,20.75379748733491 +1.9118553763431145,2.743038328233488,6.240852898939948 +3.6442051936197206,8.798490361439038,11.889635079004378 +9.274173118952643,8.023402408025992,19.950954995524686 +2.7570844606026212,8.870648066352317,10.697095112687467 +0.32881125940698475,4.228034808905181,4.6555892199595705 +3.7762863233173762,5.352396059045738,10.217842427519113 +5.606405572348288,2.2540448684345895,11.556884881113236 +2.045557027857562,8.035665917921552,9.144606244189479 +0.7619679783984357,4.932860438620454,5.735601089150772 +1.9164640659767895,3.1956722512097766,6.457113063534566 +2.7729441917200814,7.085222259472039,9.687580665365905 +4.560206032945494,2.994418344461037,10.445407877637523 +8.31351997980205,0.8579514129080201,14.917114011763628 +7.663606454736403,2.4831275790029785,14.577132639461524 +9.180192226267826,0.05559085369548855,15.616796597931524 +5.566633373593394,6.222649840275938,13.645352674141074 +5.773003326469004,8.150152921990125,14.5632086817717 +1.1216400808381122,4.155560042925842,5.74351895364816 +8.637367730199736,8.88735288528991,19.488039735386813 +4.983444032387655,5.579668938700798,12.088539806763382 +7.639084404899005,7.796103942986416,17.248522517130063 +8.880812995058609,8.438573991830431,19.415832435486493 +4.144233128642943,6.497533264716566,11.645228955551314 +4.832352578617341,1.1796146642013172,10.040151607914236 +8.216809200050626,6.017635297005067,17.260614275845086 +0.5800520380591256,6.768682790089725,6.312369277833263 +2.831010358971018,0.6926520871668074,6.623647824345789 +6.065889146836446,7.322086541292435,14.73179766059952 +5.1728429432149206,0.05648273570092455,9.62482813341072 +5.768827369426034,0.06609075317959956,10.917032832347271 +9.264083012971179,2.6730515772505203,17.05104893051985 +8.710066034970241,0.1210928861687055,15.14685600265414 +0.9721651049217028,4.51408304602657,5.650529409704722 +7.58607379052669,9.425617005006368,18.19272532036616 +5.210948151684298,3.5546071366659615,11.678320463476625 +0.4455453991718106,5.837094717387117,5.488984115648305 +3.800437644985337,9.091334846750408,12.167311204439626 +4.800592228400006,7.654469831297758,12.873108118697301 +8.482105282148957,0.9827761167775428,15.234026103711589 +4.408463077562448,8.93717431012312,13.15236949948054 +4.2445529831969155,5.6515427696738545,11.148434449483277 +8.731039472988476,2.325935866897927,16.23504672129708 +8.945816628234635,3.9702842118961534,17.594651719700618 +5.930333286590651,3.280394820658532,12.629321104231206 +5.2711905375959,0.49285803022502517,10.287991294030265 +0.6525997523876337,4.147227619375855,4.828308971791228 +3.349519234335785,6.157918102751082,10.157957106941714 +0.3791016704380623,1.6766866973689132,3.4321330980716396 +2.0959189412579216,4.404917685298004,7.2211387219873995 +2.468347623789527,1.3766268580773067,6.286445079219197 +5.975736737824379,7.438719778032219,14.661121415309816 +6.852680667972217,2.7618009522752116,13.525721924870732 +8.54444836366964,6.118221794274023,17.79591341900397 +6.146667010074238,2.1284845171645728,12.23808346851995 +2.4221288733615354,4.747502174381047,8.064296321836736 +2.378210310405845,6.880777364853765,8.93702354947847 +3.0855451225575825,1.5191615396134917,7.343174713982874 +1.5161385377347247,1.2722777871116064,5.012780230250305 +4.397500789663744,0.0304003634762251,8.435025472935887 +5.423722883025308,2.983029229195504,11.649827579191166 +5.524788309602147,9.354254134415832,15.003249902937746 +8.690476101834836,5.764298399384556,17.959546224032753 +4.18070312638725,6.983626710825065,11.712732568433568 +9.231393326245211,4.895470679395498,18.18833903566714 +0.9930772408531863,7.660882004239901,7.472008341687332 +0.10479153894384141,7.646384796406736,5.894730163740498 +0.8491660388656996,1.066165743662869,3.6951289690476936 +7.817068700115261,6.895217048954053,17.17523169786301 +5.619031293366379,8.205851927101936,14.457560664396533 +8.513685107437633,4.575122556562867,17.163169330614274 +9.962986870545373,3.575799396391073,18.70586252019229 +1.7150776662079825,8.459764431198916,8.92054606892803 +4.155702795593302,8.744996512286143,12.65092991644883 +0.6116634449040403,1.1105211150664163,3.4339346729265525 +0.40272661223962447,6.020109603024101,5.725546393735651 +8.318641811164996,4.0266078360867175,16.42618293133736 +0.9069544967102372,3.7346882743095344,5.195761568579843 +3.480461323397299,6.434719247641148,10.490967520308036 +6.521516287963339,1.0302371725135306,12.320055501182129 +4.201767775255274,6.425145268187654,11.447855640627408 +2.5886120919003472,4.070802865284776,7.764684550956732 +6.136949316450188,4.0287070124490185,13.217913130552835 +0.30860971565567885,2.226159954295058,3.503282728171699 +7.760809144655237,2.4850407875003064,14.886698686428272 +8.177114460646141,4.6690782570182385,16.558113443952497 +4.72921137197278,7.705162153313778,12.87464135144125 +3.832935130158951,2.3848059215237094,8.91499003856644 +1.0503237671743315,6.719098761687681,6.927692587529917 +4.699425397928834,8.094068807001268,13.165673459583102 +4.576747085743063,4.148106751148408,10.981492897779948 +2.988520840747373,1.994278729403578,7.689362938547482 +8.304369446484646,0.9521137094676635,14.946754620343217 +9.021277233516457,0.2690915123735049,15.599168505542817 +5.222523352322085,0.5832856215108428,10.108798325322693 +7.7960712130963294,2.1149652405911334,14.808421766476087 +5.659225762365355,9.164461025909445,15.171411721718384 +6.492589356124262,1.7831996497391545,12.76463086509608 +7.966777687549007,4.4147960680834935,16.05586413596213 +0.13176738342756678,4.86764970107835,4.759543322427449 +8.124846772633402,4.29957630833613,16.33245624469077 +7.584280504799924,7.055258845344053,16.811355088613134 +4.569123173382847,3.232825850254474,10.449719891014002 +7.265400015621562,3.6891841773836545,14.863767629519984 +1.7008710672865168,3.2086306152797937,6.20134946408703 +8.768391929280483,2.8338911213738562,16.448329106496498 +2.349605348447361,1.3342007073056217,6.071054035467673 +0.5517784456772401,9.766923541996315,7.587899903507197 +5.367768272606105,7.296444606206975,13.626720896099586 +7.7297344686870515,3.523169947204725,15.363931641671696 +7.98905910161221,9.614842444200487,18.678391758723674 +7.417618502405342,7.11733126662779,16.64226075901417 +4.3223378658202005,8.413201258087948,12.830311021474436 +0.8883737512334966,7.496837122419485,7.242760007434051 +3.619935421428572,5.6597391579779135,10.41482004049069 +8.929637698970271,6.050195599544752,18.240063971348235 +0.2558153036246613,7.226048455230963,6.164119403061801 +9.290245062036393,6.420119453105593,19.154597052010107 +8.614200774595737,8.252957553419343,19.05557690782484 +8.612922829839624,3.441004026922748,16.742776576369128 +4.741635271086811,8.480335050297315,13.422966345069263 +9.103985749314552,1.4684149925974643,16.203318316238395 +1.8153237959148394,3.4682960005493433,6.395887074187582 +7.70297828179358,8.749811572578949,17.89276635676236 +5.802401414033453,1.1326817539323097,11.136916352318961 +3.0374822996716597,8.570230064776316,10.941054168975619 +3.475549782700149,1.028072430893957,7.871253850284622 +3.0206846611307823,8.067063522998083,10.563502549964337 +4.934795330191423,1.7157277554994133,10.289916153272026 +3.1263237257993803,9.535812796736064,11.45626373853902 +4.319574880986265,4.415992548060931,10.69727393338179 +1.5306960204421327,3.045543046142848,5.9305837508587995 +8.146861329400464,7.861989744032632,17.974737010845633 +4.354987989430482,8.936522621571244,13.049353623294003 +3.8025891706282233,8.64329579821934,12.02671702465591 +0.31565550584702673,3.4723029022971073,4.138287537901436 +8.550684780198353,9.013095614743282,19.282239723170697 +7.564240412203825,6.698658168957007,16.8789267512586 +8.155049094622992,7.075581882221293,17.63761450358856 +2.5422095446517834,4.66236900694864,8.127643096388244 +6.607049978861595,5.878027571183043,15.012537431958464 +8.850976071230605,4.738446403878283,17.518674334552944 +1.779873780232063,2.1458203741288164,5.697104326379456 +8.460565588592907,0.08720954223112032,14.738684092448667 +8.691303619968338,0.5558808560398476,15.356161886930119 +3.9165846808940543,8.00176227445629,11.867726924717827 +4.07615376822399,8.223481870540525,12.136435233688868 +1.0029883452578314,5.1154222643518645,6.106933900431569 +5.824740179990092,8.90868597237241,15.181392977139126 +0.9362140633919336,3.3860068528299756,5.160100127208428 +6.593480948968385,9.799300818600777,16.88224123997187 +8.482743239578568,8.464950616958895,18.807966213253724 +5.171825294247881,5.642991220864983,12.682546531948546 +8.585800940806521,8.696255862567595,19.201366423601133 +8.022745654721117,8.185712751845756,18.209495938396753 +8.79629859000882,1.137819310919298,15.812744786972038 +2.926393769049709,9.761135339536075,11.455566549326756 +5.447761599639952,1.7646386004169201,11.054587107128917 +5.030556331995272,6.457841753035913,12.734423819729791 +8.282219839376573,8.121767260234678,18.432916773544708 +0.49241493332416675,4.535249869724083,4.902537931174418 +0.20569056187008106,8.881561236662508,6.830126657753726 +1.7390607551862491,6.2487469516763845,7.622822662000182 +5.706183712804003,6.2552943464286574,13.766855563093367 +5.63416622831408,7.155886773666076,14.006842995808103 +6.261099660231666,0.9030024677081427,11.666828196048597 +3.667679510074402,5.465934359346518,10.383313599788337 +3.2519742589817713,7.603308848068839,10.342033878215714 +3.178977150549919,8.286841743030395,10.90371071838111 +1.4673372098148374,7.693925649858748,8.071364509913979 +1.834654407851889,5.280152804121624,7.161453213082104 +3.2052437296392267,6.373344359770395,10.038663149727775 +2.1274040984159734,7.954097333518925,9.101176021681887 +5.735838663664402,9.572731540926743,15.365271892791226 +7.117703289157948,6.07395539503251,15.847833692737835 +8.291586904463413,2.1968256776177664,15.55006520765212 +6.327424608644573,3.9040384959485164,13.40809983280191 +7.437909791464383,0.2446940949126586,13.262165775578396 +4.277120965269141,6.517019018329192,11.851801303149093 +4.606393364421603,2.3797159571375093,10.13990934732275 +4.643492516794359,8.497445254895261,13.125585127610908 +2.0683901729813217,3.6717216362964322,6.889614355703486 +9.903355215001277,9.128171688904493,21.30011151855538 +0.3396834212665567,5.303319676020144,5.11601395604944 +0.6541302684788353,9.239049236577108,7.7615093759664635 +4.415449126850309,4.184370039280017,10.69872533967464 +2.7294603183931065,5.688189803921539,8.804584092733464 +1.4499872299339278,7.989550005355471,8.21284859089115 +4.912103448465837,5.664628913141605,12.16121182548235 +8.408047476545205,1.85148773884949,15.593956089437446 +1.751830733421157,4.208016728698461,6.707514587708841 +7.861282411946005,0.5854555352014612,14.229178418101931 +7.951702038987456,5.007565935918098,16.340271426300664 +5.617634499482246,5.643859382791732,13.131865217680001 +0.5616738895772022,2.497707977181448,4.185124862088662 +7.552974515146977,4.122681194892836,15.190446792828723 +5.605169822518542,9.44868622026547,15.114904554556926 +0.4627176831736124,4.496803656738198,5.022539773856953 +3.612741328478981,1.0644942619474118,7.73191949165461 +9.507943487597979,9.614595897485433,21.07567748778482 +3.1148815418940687,9.467166106890787,11.256310510548115 +0.351736067242856,9.80895990336202,7.247599620217936 +8.359320164086645,2.143302208112139,15.504037237448768 +5.995471539345885,7.982993623693028,14.966364872850452 +3.19298964007779,3.5375179209282956,8.487655866529746 +6.289727755929267,1.4709405093343786,12.280768563399876 +1.182106097224086,2.498052781194243,5.030424170470582 +7.412597453470314,3.665992264115566,14.902996702031567 +5.073582216517943,1.9545055680753265,10.456635720578348 +1.941056673495719,6.5045125923480995,8.186252215334973 +1.0837525186845376,6.678407272164062,7.1707223074526825 +4.007018523489062,6.712709136176256,11.296590703581828 +3.8172947701548865,8.460521836494983,11.897647894037462 +0.555561692156542,8.932973118121769,7.193757636746407 +2.686611772380952,0.42542209965481637,6.361046644369082 +5.624044218821825,2.2435423038109636,11.650538036808527 +4.592031231841197,8.023142060621035,12.854990773845094 +7.915467607481518,6.003856162834147,16.815225074247692 +9.778719086576473,4.637510952459968,18.892448793860197 +0.3938839035481334,8.194251498104737,6.659020439762684 +2.2129387005686074,1.7623880899702449,6.302589998649272 +0.7000992196649158,3.278999436386388,4.693801052285524 +3.2615896705418788,3.0277153196645235,8.535006895960349 +5.931929397686774,7.515421693281058,14.583588832899933 +9.377667186473392,0.9405007868014759,16.30547946563064 +1.5038183248814696,5.898425105245673,7.4654735832866495 +0.9813559387726034,3.707642846192629,5.34731364931295 +6.245522305460369,7.805450320388616,15.348861230630652 +2.1759928745803157,6.679855640970118,8.52516560116524 +6.458696658472133,8.596161262583145,15.849871305090923 +3.1374749576399044,7.500918648881766,10.47214659993936 +7.519998644414946,2.3919454199125747,14.276801643114377 +6.211578377584276,6.751620876684642,14.666471878599497 +2.744284126222738,4.517999953646392,8.477657311875216 +4.35777727256493,7.7350956837103615,12.449060821651912 +0.00691255913743638,5.0102661145669325,4.54099209678243 +1.843408135638115,6.468419680554339,8.173695981661949 +6.803688629709496,5.011265086935833,14.748699677090878 +5.420295417844102,3.150581890551687,11.515291470189007 +3.133226793003714,7.451170598503605,10.410518482490888 +1.3173136742631975,7.71503314693293,8.026018880260061 +6.550131816019254,8.84474684655498,16.216627466759018 +2.601446921997975,5.061790518162041,8.619475244747946 +0.3898951152923191,9.125065750547853,7.249739957257455 +6.753914606791583,6.228752490714417,15.20440057332307 +7.3268920098660315,2.843288567593645,14.30393266590765 +6.038602687522343,8.009219104052452,15.096502957001894 +0.9029444470406423,9.588168892902992,8.275551119145556 +8.918868025013179,9.63018833906214,20.035532360084563 +8.083485090316044,2.9431109243932028,15.608821846349839 +5.815554676346544,1.2016242223839868,11.120005309478596 +7.541667316660561,1.5363966599281376,14.046740205571512 +8.66823934924232,2.405569525128113,16.039670505219963 +1.6041190728292753,0.7090436369097253,4.816924008546789 +7.113651280508115,1.8620377690502332,13.532596007644893 +1.976678120617199,1.696966038627783,5.929303827472203 +3.0579512246849427,9.412114341283937,11.238934835304693 +4.866216779243221,2.6087793930576675,10.540557641151985 +1.7039075970445883,0.18901419705438016,4.488851942206721 +3.649926470683474,1.1006147422608215,8.064302077834055 +0.2701199566916257,1.0297970593583294,2.9692885598567567 +3.185215163924063,7.508637014382885,10.626115689017457 +0.669862511685263,6.786739237565822,6.4636835192158255 +6.205425288012464,8.819902054667878,15.758215932649085 +1.8398700847205907,7.942677056789741,8.790728771456026 +8.648652170480753,9.76484131651737,19.925082033973393 +8.085493580191581,1.237682008191836,14.837847056739678 +9.471290101634308,8.149920528037839,20.129138196242273 +2.1232518445467696,1.6519740054629517,5.964682963227614 +9.364141504003813,1.5569862610587848,16.662399650111773 +7.771033854090867,4.052592542631582,15.716060426593286 +7.238052654927587,0.9185138016664873,13.47933183325694 +7.2505828773846925,5.119113773190804,15.525065339020621 +9.003783853388477,1.8839841724395645,16.38696261277669 +1.0935607797500146,1.9622029848486577,4.671984013210348 +0.7857536724937997,9.801505408617437,8.11427723082498 +1.228566259112791,2.0085094559469385,4.870417082258918 +8.096857472763892,2.467543957017866,15.248723605122606 +2.222933401905378,6.723097804076843,8.827462564198017 +3.9876523043982894,8.354791538003123,12.041065194048553 +6.382693456625962,2.882147170844769,12.978439417218105 +5.979232756196964,8.664616215478926,15.397071419164728 +3.6448296055246185,7.364707215242334,11.112256393261859 +4.1583298037715375,5.430733977784997,10.960791850517712 +7.337000277982368,0.6052737130984387,13.320097881237439 +4.549495223416912,0.9521351599261951,9.306901755374176 +7.250055444720932,6.07806265185139,15.925620020188068 +3.269296603892784,0.7628151339283551,7.306744343258687 +9.258024620299178,3.15003720547662,17.46952579530948 +2.753767773967403,1.0100497091758365,6.546127716589698 +5.773532090965804,2.656534553896135,11.833561193331056 +8.428530822117779,6.827667836268154,18.156443044929617 +0.03914905809406677,5.656746116660285,4.991474520556369 +2.3183467681972916,0.1536712002779994,5.588103100673945 +6.1936716298744585,2.0491436020542677,12.347991530038 +8.996358099532292,5.733807409533367,18.26992203461541 +2.0918510972003626,9.791274396872415,9.78955530937536 +5.464415666111155,1.6547217212637522,10.999115512217292 +5.17242170169074,9.593490582230991,14.36564262508709 +4.242102308422187,4.253455118947381,10.508320991735587 +4.611267222247985,2.801035511544888,10.447842506916157 +1.6178361304365152,5.789277033684264,7.259778856237126 +8.942001967175514,7.357297419014195,19.035782120285845 +0.961874076375514,4.00848976055428,5.3464732329271225 +0.052958799055020656,3.079403858870764,3.6235653320786816 +6.693765926140859,2.902342834910102,13.488497274295758 +8.405583190951663,4.773842135407116,16.89338279843109 +6.691681628399424,8.838652232814834,16.548106012498295 +6.828103086494227,8.973262042854728,16.999022631790197 +8.08065355925304,5.670642453943905,17.075287451012006 +2.972331000174744,2.981424046513561,7.938148101351438 +8.75331089858356,0.5388422973850182,15.387133242918118 +9.414368480968239,3.270598001921776,17.70549580110864 +7.388710598134054,3.3002975263744827,14.679797367111332 +9.533013892331606,0.3647403015672579,16.57770665354386 +3.533188766403165,8.674610470272441,11.73725907974285 +2.7405653913697368,2.756194765932758,7.371992518992892 +8.987518160686163,8.305822531725855,19.670820048134583 +1.0577119529638923,5.801799098693467,6.598580019882596 +2.2339518833992553,2.15138271764858,6.391600981933706 +6.154039869035625,1.2386616416501262,11.829237242921886 +4.69779001002976,2.5582173426288,10.395391954023804 +8.539224725773574,5.54494232368132,17.653750042186722 +2.1510883126161517,9.264656527218055,9.901866565492465 +8.228965304067517,2.6529223036591363,15.695331983451556 +9.610509078041119,2.677389171420461,17.793316962155536 +2.9264312204697642,3.859633543047778,8.291691873143396 +1.6480522045456747,6.870161387127679,7.795387398853655 +5.573373258277937,8.944624815519232,14.676710847669042 +2.408752256465332,1.7023088659919938,6.523838960694882 +3.586233926795297,1.461086835080887,8.12071401625924 +9.4615102816661,7.174466968694084,19.825050865248702 +7.961916546491633,7.480436233720882,17.600205007443037 +2.428191747726869,1.4065663802023654,6.355829406066664 +4.294335830094489,8.290191217744812,12.594463356620961 +3.305153286007685,0.0956294222831433,7.133445372025892 +6.600607021214705,2.000630708531641,12.986401379225448 +5.4283516239164,0.14880050025618874,10.142931638503553 +5.0884985562157725,3.936084857672096,11.65124555742767 +8.804119869827003,7.2181379944403,18.74055965537987 +0.3602815490289557,7.895223966388269,6.2267363195820735 +7.912274543756607,6.634095483331148,17.358054663504255 +9.29296735903662,8.032535276661362,19.918225701543307 +2.1889866460195426,3.815458850243225,7.295155705916472 +3.499232224363732,5.049078164394036,9.707253113499931 +9.537136201976354,6.155983684478118,19.30296130194199 +3.129390594201288,9.415177383854386,11.347015296630687 +7.002714728296971,2.660805234820034,13.859739642307215 +9.065127688022294,3.4421289780276565,17.336370677781527 +5.162112755844842,4.792228456897504,12.189053031748095 +9.236308732991871,2.6566335940098442,17.133143003850453 +3.3330674686631268,6.6016018333731,10.30444482691912 +8.866157029136872,1.1488409066885352,15.789338881401243 +2.0988351890545456,9.480344824842295,10.035354985254566 +7.772971044044306,3.46069767487883,15.258405339436276 +3.576348080796282,4.695338706663355,9.629994411176332 +6.73799499752694,5.6104110465136605,14.869855597635214 +7.761199524984544,0.541667917801415,14.151526432324511 +8.190407425151697,0.5805135175246567,14.652551031214843 +8.809739250217696,0.43254435347498843,15.345523110901382 +1.2783243137880262,1.8018437181704794,4.900627439577712 +2.230507821396488,4.017620725902535,7.406155086519043 +6.5548200687727824,8.92603381907778,16.322621460997503 +5.245028101364752,5.324897408472081,12.599572263221638 +3.1930509794968422,8.006804243058488,10.798785742990729 +1.1048622811819742,3.0110318065818706,5.179889097787956 +0.9698141373914315,2.1418081882621385,4.370332555614066 +5.865979115557839,1.2596038798091225,11.573080506560839 +1.0061779526352166,8.259108114395968,7.594070477522375 +1.1829912809413734,6.0805334991215325,6.691031094985099 +3.520111828941702,8.963671217762462,11.711570989850863 +7.075500368082185,0.5943023151306037,12.863996273720623 +8.954681105093146,4.138988945360358,17.42139259051441 +2.9822744898409836,6.7278202156286575,9.91508683257153 +7.179739212327281,3.032507768708607,14.3832820148785 +3.5165654599704546,1.5633050950669047,7.860580794743605 +5.934435648091743,9.569090533316217,15.63472114780882 +4.166244623433934,9.962061815944345,13.186087372854342 +1.7641460449583923,7.960994590417848,8.60950182668958 +9.281082536142568,6.880543526632508,19.532527268588346 +1.0932628931086574,3.2654135383845517,5.19124324374641 +0.856658131772916,6.0174812091580065,6.449969016107089 +9.981488091589313,3.7475461323525905,18.831384242863965 +1.629450425262613,2.6864019466702516,5.944549381315033 +5.708019692101889,5.689617868342696,13.375742776959756 +2.2982083293630606,7.50704740537825,9.158028026595703 +0.8801229149336043,6.230402827640223,6.433122052766168 +4.256989489503819,1.2717501984324675,9.150584405100988 +6.343847520956541,6.730494181949296,14.896850006820918 +4.400202956311913,7.979928194654149,12.611193780524088 +5.093165844104855,2.8575445209854236,11.13219079579329 +9.53601277938157,9.440440377498708,20.936267028125762 +0.9562139471834497,9.460812825483835,8.198396144366791 +7.754823807383166,1.0664416255723463,14.102641716803852 +5.193252718522146,0.34951310077598996,10.11176216254578 +5.8885707056087675,9.331876418681869,15.540660475779157 +3.6820973748545804,5.08625174051158,10.135544580452919 +2.2756032590267603,5.409462399288926,7.914203394325827 +8.02574668743364,2.1525827393722983,15.185584593383675 +5.534867619645172,3.546432771179143,12.057763741712252 +7.478720780737579,7.0203866195720295,16.58455867193805 +6.98789656114085,3.7780313372439487,14.380358444599546 +5.992793029704781,6.510851836864724,14.092786681949471 +6.808139723697292,5.752563540375723,15.149594213763521 +8.668047468232249,2.4879857927000257,16.389461202450693 +0.5580678936137651,9.625034538738,7.470562195077789 +0.6073372662386856,9.029556557919546,7.422786010442416 +6.122849369542235,9.187403853145995,15.76148690771636 +5.64953930562639,8.210087254928071,14.380395488989047 +7.212902632345336,5.251121336606706,15.536565017391089 +3.633235899536192,0.028590206883423175,7.526719996236348 +2.5090527456937695,9.517668084739434,10.725022005890624 +2.754618478649913,7.518524426622003,9.940806673494013 +5.084976145313359,3.085143846547993,11.08213616700575 +9.910934489623806,0.46974377524794164,17.152707215973248 +5.820771064740238,4.615182160097113,13.167228387077401 +0.7652640970206159,2.1409620581535505,4.171890188780992 +6.942419736778913,1.083286297934335,13.040514154489545 +8.010251105497124,6.2506099395211345,16.90519070921034 +1.008575948836069,2.8681462876324737,5.09444376790281 +1.3717786234686447,7.97601295557767,8.125713212576754 +5.329596251256669,0.028299367165864897,9.754107113865153 +5.429036472281526,4.82803684264951,12.595838734693107 +6.430764029925051,0.34844055486996095,11.621715987371267 +0.3542579193304729,3.4936810509535676,4.21711890384548 +6.885380961614872,6.665580925886957,15.728748711640641 +2.782635792102547,2.160675445628959,7.240688801382794 +6.831255973810627,0.27112736133802606,12.508108921141782 +5.567833316944547,4.240986420441271,12.478616647245156 +2.3908681793521014,5.202980893324648,8.184047747414079 +2.1716765662280304,5.643216055492423,8.188972355386024 +1.4897383622634341,4.056929120913563,6.229312443115151 +5.104263353048053,0.3170102804382746,9.812383539675208 +6.107172404696143,7.503152934975033,14.92300197710205 +9.560735628110393,2.031263524644097,17.3499850719977 +2.0869536724957873,3.0483082422883734,6.770606424885289 +8.907640374569056,4.068571636928723,17.32906620277201 +3.017938130759549,7.4118078187937595,10.149780472228441 +0.3799017757764245,5.488145113083064,5.207757181623814 +4.5018999107626065,6.248582107426558,11.662957712699004 +7.3109967349041245,3.2498838554527145,14.739811237922599 +6.364171860232425,5.243287029609947,14.077822639284246 +1.339678103902766,8.817262080096606,8.39428866999966 +7.545901678308551,9.216541342290288,18.08292179837902 +7.204045914639995,2.448065604710764,14.015912970740484 +4.305262251359894,3.8686842544486897,10.443675946564985 +0.3582193263215616,4.105481529788867,4.4480104958192666 +3.4556945399778307,0.03923786200879853,7.342996188628414 +8.471232590912921,1.438744250078532,15.414061206914665 +5.009521673852641,7.846778231340452,13.33584219144403 +6.044813690998091,1.693512253826509,11.812074264745233 +6.182111256651116,7.575968944487361,15.230148944167377 +8.547645161441796,3.186537597375312,16.356118833553392 +0.3392140053601933,6.079482064429071,5.44890259262576 +2.2576851014390664,7.808950739445915,9.247696075795972 +6.798817093661244,7.731868546759277,16.068697153955643 +9.675312003214016,5.845473951485412,19.450886924695524 +9.043135504101098,6.418933824740444,18.81860592839878 +1.8174434619868407,7.993081795089588,8.746182194455669 +6.936986242137152,9.77939777674916,17.35989212309339 +2.4343198894074405,3.3312551628393248,7.289832760887201 +8.21491026602372,0.6288959803358041,14.844031338503537 +6.331997646149407,5.354760527328751,14.12653271809993 +1.6882187226755685,1.6512170926024317,5.493176007478725 +8.101976212539794,0.15445155437674774,14.17028885863663 +7.468414403099421,7.326672270044869,16.72318101022 +6.496799763686544,4.095176630812661,13.62607909591157 +0.28320683524207024,8.017766682930173,6.464088669318191 +1.257072038064413,2.807874841597057,5.405741377059246 +9.467829267912032,3.018610265161712,17.595946893928286 +2.5513915039492163,9.733705553784043,10.60619058606092 +0.8593220209566887,1.6069038791734747,4.131047792114244 +4.383175148817852,7.876731278415507,12.512874162934189 +8.843589389432765,7.556357226827659,18.984997968827013 +9.761750316028538,0.16846142606958603,16.598929956952396 +6.195065549914396,1.1634620188493383,11.905236894696694 +9.103627406048702,9.353072073593923,20.397270291069912 +3.030282177037976,8.277085351829983,10.733140887810958 +6.302755753872981,1.0048878448505816,11.959228912435147 +6.027681593284441,9.760570393576685,15.816237102326864 +3.0809404900572313,0.011407761460023869,6.658570077919998 +9.767916772031791,4.139834174505031,18.74577506072324 +4.309327678433829,7.126121170937385,11.895730588152434 +6.0438538714442425,3.01986612311989,12.545479714163527 +0.999778786559673,8.273625199471958,7.673123813474661 +4.833771763464025,6.724742936467212,12.605205077019678 +8.605047001191455,0.17722379285222356,14.800128969651066 +8.593852769426913,7.51795259756768,18.58572007141303 +9.468217499864638,2.335908052687837,17.299592615891818 +3.224223371979175,6.614787426125196,10.199658156594976 +9.257929886612333,9.926693614493907,21.110079977748878 +4.16737650585681,5.392296757207439,10.960609657716146 +1.7055100761373154,6.939753672385983,7.908345211967118 +8.373704228929144,7.9864931244442,18.537752303033283 +3.4584304475610326,9.632640157139395,12.005029215656348 +1.2034658703803136,4.939700150961598,6.350708420791756 +5.545971301931053,5.365138570536546,13.125738430361272 +7.578907796789441,6.096072324772517,16.555499641198917 +0.7712943329417465,1.7985165343674625,4.109922686942305 +5.322390206551036,6.945476010634188,13.456244052649076 +5.141745322105782,3.5550778344046474,11.638497100926914 +0.511345617458645,7.858808993351111,6.6616727029419005 +4.971942398980886,5.3878913054709265,12.157307207865639 +4.689581402679162,2.6534541574574666,10.336755472291056 +2.763734647440481,0.6350078724999064,6.2499767395473755 +7.075990162019328,2.7187287313352195,14.100525328045071 +2.985613481742777,9.935001210028402,11.51347274846298 +3.858125558241988,5.106972077540089,10.103673419109985 +3.864731007611816,2.901911132443754,9.348227485962287 +0.05850738246765408,8.54886347775255,6.331849082108304 +4.731536754400616,7.19890303709417,12.795611253722598 +9.586566916295705,0.028313399537372996,16.401586082187592 +6.750396068442571,1.1864070403393867,12.583063698016273 +4.579650576825216,8.46782080891449,13.10602162145551 +0.7149584898446826,9.896134848786343,7.930659916607435 +5.808358281183631,3.9499345891715523,12.565216213946599 +0.19510265335404342,5.8682307816138515,5.31347227092088 +4.948904640075053,2.1531700217248884,10.539096530953827 +4.9044753358750075,0.12789264022986413,9.570416201662415 +9.99477614028794,3.321144411656285,18.613297917650087 +4.802221480611898,7.847781680504067,13.030932721485447 +7.127783435934174,8.88559040702101,17.19835079908103 +9.41325736866551,1.8917783096636642,16.982407011463835 +3.9039984622577464,6.868169919623913,11.259063167758466 +0.4502427543041465,7.169449061792978,6.3125982058652985 +0.04883440001247741,9.140884762675338,6.631099417926369 +7.181694497416029,5.654991724649827,15.55116451063636 +4.289009723012251,9.880247685464115,13.233372214276963 +7.365117333594721,8.072929575138922,17.177829928532773 +8.253849902347975,0.21874933287801657,14.453306834013917 +0.5468438506225981,1.9836498572011663,3.8738999998687786 +6.552175960870651,6.239491961994138,14.996609180319215 +3.251635548035768,9.7299876317446,11.851575842552187 +0.9310664212812481,7.767201227715763,7.256643411033549 +4.808771196852435,4.1883419997252815,11.272555918231053 +0.25564993194898467,7.2779964162022095,5.911646257808631 +7.715755107669744,3.18957496788679,15.114155064646994 +5.1696287059584565,6.064421232348623,12.82077002119909 +3.676452428636199,6.155820061593617,10.510883228179168 +4.341270594167477,8.780698554954018,12.933833866615634 +7.185132266906144,1.1049998314356813,13.476927518558425 +7.996031836587461,3.375056313950089,15.637054687736908 +9.355684220320086,6.033712797780534,18.91894577846174 +0.2757796064079643,7.343627051010597,6.044142819887206 +1.307343689710464,8.772674829572786,8.205086950900256 +9.483303075574023,6.952558530293419,19.83465623210811 +5.328727767159439,6.0206300783298,13.01189182347961 +4.2885517119593235,0.8358278201459013,8.777896104637072 +9.288434988343164,3.2918653475444226,17.522599538226807 +3.1284777370040295,1.913247758328236,7.531129177289098 +9.924082488344622,9.425644372802914,21.700059936780722 +3.4943236985375794,2.6000538094490935,8.725232073538677 +8.053695296823602,4.226100501961395,16.04418391593279 +9.677880500881427,9.012167296093352,21.127230494963076 +7.594513422601925,0.8992429011436687,13.816806510774686 +7.021277365555003,9.872543868608757,17.59493701805068 +3.7329253298376672,8.815690030493142,11.823850194597918 +4.081418393461933,9.713240007093818,13.001287063697635 +6.535913715875568,0.9650048291379276,12.245583040670653 +4.7904573879462315,0.4972875339771776,9.500238753484904 +3.9507572368610813,9.153812141410812,12.509156113719229 +2.322021944813625,9.505677780817237,10.238097408937575 +0.9992304463514046,6.648115470741713,6.812304748651771 +9.656855561505012,6.541535737332509,19.91228109819862 +8.99003953755283,9.910304746457978,20.42271430802993 +6.418434360424641,7.82263847290607,15.625399101826307 +0.31985193779737076,4.2731037851904405,4.679181133189042 +2.882653535049121,8.241853339971566,10.533787883247147 +6.775780125813058,6.14414222380189,15.134266255985112 +9.315586878189176,0.8886780508144232,16.488436649324484 +9.538412722145726,1.0076470716922103,16.845129562685212 +3.4701754688251754,6.302736647971824,10.237685873833257 +3.4147620386747612,6.825362782943656,10.513584878417115 +7.7541861919556645,8.285058299413393,18.003236395099634 +1.7934370090399987,1.8207669618884659,5.561358350529102 +0.523140279289096,4.908518389068263,5.202204636921892 +1.3753361884598403,3.185969913871113,5.701060249550096 +8.404343192832972,9.486589427176837,19.295722449208725 +8.220759473470116,0.006483831624555236,14.348426443668691 +5.68024241338772,1.6666012956693788,11.30877335488362 +3.7574691120675774,4.279189441451754,9.816036999958454 +9.429407578120376,6.3373873189062415,19.30661630808415 +2.676550519801758,6.427948406334395,9.423999262431286 +9.518654775539227,0.5915912409208668,16.578378479719547 +8.159876678426242,2.1689755571413913,15.302041704035002 +1.53107952063957,8.988669186734501,8.893897499341703 +0.01849456997897292,7.410857403728923,5.594062109997026 +0.8722840988938807,6.179952950406164,6.567574877511371 +6.2089690139056835,8.627760494914616,15.528485694636478 +8.226064972295486,6.8516434308603795,17.884163935854854 +3.8054759042093202,1.6640574704757016,8.685903565852861 +6.356829260992846,4.969697987079126,13.967512256820815 +0.7794226228138745,9.555618904688526,7.903972095230012 +3.1441951991181227,0.021407649923053107,6.716078822234895 +9.016903038374416,5.770508798706664,18.472763595740524 +7.330606735503174,1.5266624029538478,13.659435490825492 +4.046056740260418,6.4506122981374645,11.28346864280728 +2.5096470816317695,7.014989451841577,9.240622871485254 +2.3361492267387574,2.0912782713987275,6.434731733075174 +0.1162465026038284,2.8190674535330675,3.479403053396393 +2.4673679202981837,7.643565566803482,9.535659356630454 +5.697099061679207,1.778244837320565,11.445823546562707 +5.681274709488372,2.2544359057477092,11.572732294641751 +4.255022800541953,8.882080617195463,12.831498712234708 +7.192562195164936,6.51100016701223,15.979648100187578 +2.8148344932213885,1.245816648965784,6.975869165431193 +7.529489842999344,5.678903845477898,16.12338849891254 +6.227601698242372,9.751133193791508,16.32672264272216 +3.483209201672045,8.007475292041539,11.059282486839065 +5.5895684087222985,2.3525994592694244,11.592928925176256 +0.5288833198659171,6.160108919889606,5.9329873155206325 +2.9761613637757334,6.954783464808746,9.927845441126259 +7.00727161738402,4.554604678193276,14.734324419326164 +5.363971168395979,6.265468576679076,13.163302595817209 +4.686049438000746,8.77370605949072,13.49017370429913 +0.7593457524976144,9.798181594307655,7.91705609887134 +0.3345091140828127,2.080963558963842,3.6122944310468834 +7.083078546543606,0.8496025934161089,13.081255687130522 +2.6217275315027413,1.5397667904887735,6.676395446328507 +7.235715638162128,5.78933391310145,15.726434148225966 +0.6447861179206271,4.6013423540160705,5.274036371127363 +2.0850292801604553,9.676985979824018,10.13189886731818 +1.079179473090519,5.980551753640352,6.643845330913371 +4.818472358468181,5.780844969983808,12.023861807249888 +9.56492850706147,3.412818778164861,18.010272333298868 +7.487663732110787,4.474664771755136,15.354370167771382 +6.607616147255355,3.656575463045776,13.55073312375837 +2.2712220525231563,0.8361635937751744,5.7087010980148625 +1.0175125132087781,9.594303187635166,8.335427999914021 +7.884566196747949,2.4495924997100724,15.179041289725209 +5.291472368374629,7.142327243500672,13.607949514189619 +3.5253790200249266,4.399880581597845,9.37248274226756 +7.183819195727064,2.274543147531337,13.833235364860833 +5.26344358466658,2.1008817168623226,10.851737848108044 +0.030776010155260103,6.9026373556500396,5.239321748502577 +7.072648596212424,9.957226985969202,17.57082229204916 +1.8101544439479955,7.3958032506574,8.493458786736783 +9.479674243626379,6.445803368111058,19.41717401079344 +9.631405604700852,9.944409852777842,21.29253167827795 +8.016244017715392,9.992859087058765,18.93628074518876 +6.258244593077614,4.970556926136773,13.839760672726607 +9.17636254370219,8.30955841433985,19.996345024318135 +1.1011207334373563,3.0272264679876493,5.1470125379607925 +2.6064512042998556,8.552616593777087,10.249476033980647 +2.332453543068037,3.0404477247409503,7.010770043139207 +5.187886542957384,0.7611948671376045,10.18610614610804 +9.612296426379176,4.910627765359058,18.779741608728774 +1.904337240292413,2.708207378237415,6.14202506918544 +7.9808374708716165,6.340064801784223,17.015707640610376 +4.646260242233954,3.3160136738801507,10.687562741628051 +9.006843630088607,7.725645402921796,19.343969633611096 +7.181120373498619,4.460005046172331,14.641920011664212 +9.811601507598123,7.100702967863061,20.3158691870685 +4.236247249866589,9.605520437314567,13.254545221047195 +8.957249965310169,7.399651935443334,19.054529861366618 +7.669961216200817,4.23627499693905,15.671107819341735 +5.073505036301727,1.9154733903684296,10.547021478185707 +5.953962455338484,3.6991654835907206,12.568744377866565 +3.4743832557035317,9.48228201138066,12.14801264922047 +1.6478343318399735,8.299735840935467,8.601247455232851 +2.8146857100809406,0.28655629020025497,6.385448291896945 +0.40463079828827464,4.291774925858716,4.690374559486264 +4.544609061484737,3.2025112844434855,10.388616217334244 +6.68779605564366,4.853427784927497,14.474574216196121 +0.7411306633115688,3.4807119491327554,4.747798004397268 +1.0196273384990395,0.6291569389024199,4.013415948503104 +2.0830662499744212,7.00575461161567,8.711291356563875 +6.960016457257277,8.613891271035612,16.79865317534368 +7.564192924904063,5.35495687261146,16.009589591305627 +3.126120880092609,0.05811495167750702,6.642116924130106 +6.4713748128779445,2.897131876148469,13.25863711871572 +2.5010010172791795,9.748255407742064,10.686698570949906 +1.742401924062511,0.3243473984939693,4.735834344127421 +9.493903951921164,3.060067220564344,17.662437326661387 +3.9342005062065044,0.8093490394342173,8.148385012030316 +4.04065214453321,9.722212907685503,12.92494189204017 +6.940197178380764,4.738248448331996,14.754527577571821 +3.07471646012353,3.6604395928104196,8.560856940344843 +6.112281499601985,2.5445006260530967,12.5398930150011 +1.5194752549520008,6.962286739436482,7.7642456827344875 +8.694697771188494,9.015389084208135,19.541629229091996 +8.414185318780103,5.305996816999192,17.159067660948295 +7.88830969004084,9.263557317673865,18.570340944709017 +0.2336258960713422,4.12098217708192,4.4052569433924615 +2.041254795701949,9.96768785424523,10.10625421874246 +9.295660096331742,8.021859510759867,20.072100312020098 +2.958798051261656,9.521022645451305,11.14214764139791 +0.2925044006214428,1.8803970651757562,3.2961635634431636 +6.168737542309264,7.930067120583083,15.465010440950186 +8.836308531155703,3.0050861070125876,16.8164527283474 +3.908046010695693,4.548274019537464,10.108346179862513 +0.26973818533914895,8.639692530521021,6.848443118629473 +3.379484153861816,1.9927845375536524,8.034792805027728 +4.09197063099953,7.105633748990247,11.723321359413633 +8.709155793938109,2.1537646621562256,16.083792695425444 +1.7261296703539575,9.437829678203432,9.306412294206618 +5.508930191635677,3.6577201899192344,12.064848369287931 +1.9931945506412285,9.952478221984387,9.890842845140417 +7.191842870915515,2.1788530817716523,13.901477096348613 +0.9125944482715287,1.9928234396824585,4.301443874105587 +2.4774260390757807,1.1108564926160291,6.329166009056209 +2.2965137071373665,1.1677970493293088,5.998214659172632 +3.777317008865626,4.86195259169842,9.924941858285978 +4.55284972580918,8.292100683490647,13.037409739549805 +2.5399538633471144,8.870938238883463,10.309159664063296 +9.081228185288023,9.59799712003644,20.646196038538775 +1.809832338848848,2.457511462353713,5.945276423085764 +6.238322773574071,1.408916332050889,12.080274492254276 +0.856213303364245,0.7369721203144775,3.700665014353402 +6.061496346662488,8.046781420099865,15.21760544463717 +2.5888566265918866,9.335338871257884,10.64667430950573 +7.919355078990509,0.7746040536507126,14.298213183598346 +4.073031285248147,0.6801486603425877,8.446323727781637 +9.151941577934949,7.428021444726454,19.52618927136174 +6.865451303547171,6.827018466141984,15.704226257700581 +2.8518250189574355,9.335391552007087,10.81651649939719 +9.227766582203948,7.394888093742308,19.388971434707027 +4.68930207071793,0.4711573079071518,9.240205280750077 +0.28311350137035673,1.3813433292386779,3.127338820207701 +5.957646936930576,7.980993792046939,15.174170225446511 +9.48465760273619,1.7536207927614678,17.09179424812228 +2.755278807961583,0.5410028705441505,6.408079701771317 +9.890471668808795,7.809150792110731,20.699849614378042 +4.807141291900274,5.755653553024454,12.15041930862723 +5.6217441133309185,2.543607531431503,11.732454243076393 +1.853906942934196,2.96975716622132,6.201905341390225 +2.471535497961499,5.5752808986436095,8.393797644891258 +3.0820280583985693,7.289447916156762,10.227529359154229 +5.679397328570356,5.322637654140473,13.09607771248163 +9.512937670892466,3.2240953538032127,17.858338086208946 +6.352698632399278,0.0005062702742864023,11.543449062539262 +7.369236472772692,5.025439290167611,15.516455002031327 +2.0838495728445974,0.015105564286171935,5.278777029817914 +7.069439640037537,6.627007035505739,16.03360245736265 +6.65407116479567,4.374548231204612,14.145425098010808 +6.392973257699487,5.713347901060603,14.349717213410647 +2.3889504461126867,5.187680414684285,8.174286500977828 +5.1459279461889516,8.236228882333737,13.823634525686982 +4.33489022670736,4.36085435766277,10.67648427332898 +9.844044712748163,8.944638728589332,21.198583920276057 +2.4228599004374174,9.102930946686671,10.080815707994496 +1.3796665634603278,8.533910587400005,8.339944090068624 +1.833233767300173,4.256033488983641,6.842780923803196 +9.839216312683396,0.9704893655223035,17.217875616556086 +8.397878199680054,4.947339495276596,17.079883161892536 +1.1099136577511037,9.524913791050029,8.420391541408252 +5.492313681392259,8.806410219243354,14.648897626986805 +8.691069419867507,0.1463458294069786,15.070058681495489 +2.6484070356583587,3.3692157961315248,7.693232930682831 +5.348640455415051,0.7186600984108071,10.310510814051463 +3.889668983296899,8.146381236230967,11.7988999356634 +1.7319111500726658,7.012764745763827,8.015251191793496 +4.603294093872737,0.7070511889648479,9.190797784895627 +1.7737406562895475,1.410307317338546,5.236984487112614 +6.197178463187532,0.8732439888282173,11.563119016830516 +8.230467807774929,8.06659130936897,18.429343456920485 +0.8006199712078244,8.881971977301834,7.769340265711734 +9.591608256761987,0.43468098181245085,16.66052328432821 +9.503295681368316,2.7946216938968584,17.60394467913254 +6.647619408031905,1.7481574623696672,12.673864233692171 +8.174558496046032,8.41913341560424,18.49059884722461 +9.783414051964952,9.925334621708327,21.477057706847816 +0.7585770777602807,6.579636012780745,6.419017688573463 +2.730461771522924,1.255777856311452,6.643623627743324 +1.4879541871509805,9.364372389284053,8.686058008992013 +6.836492383453451,0.5046095096904113,12.655096740360674 +9.842300781460926,8.078122363607147,20.676931964221446 +3.0917930565072504,4.708666936057005,8.956443948301292 +7.265759792020422,6.760320858394464,16.265903055105014 +4.630808988142357,5.123899006990669,11.461117918810144 +0.43207680416432526,5.006332444869486,5.197739446239238 +3.4024689172403644,2.8505120047495636,8.454862338718378 +2.69622424768186,6.489468973564484,9.327261682547189 +4.292576207213186,4.258024084279245,10.59972684591931 +1.5918699135147873,9.61863568243617,9.05934754143679 +2.239262024505514,4.061092066007847,7.413023122611784 +1.9020476417973897,7.031428523891479,8.263388489610923 +4.361287464608543,4.136499390181015,10.493616815323687 +8.750948853890671,7.594798497934533,18.952878788373496 +5.198750528891809,4.685904040411371,12.100242438251504 +9.599013977970557,9.56462164691237,21.218125557827364 +7.047708679098877,7.601479264864329,16.41047647700109 +8.990929081538159,9.643087558707377,20.1651368647773 +0.8227476627082331,9.973388324705818,8.294877445375679 +7.030222149693986,5.9274485419162755,15.53755913479113 +4.131671253268977,3.3638989368603744,9.820792571222304 +8.042102085239772,6.544350565466125,17.32174101315657 +2.0070516882149403,6.09911037134006,8.137046984930656 +1.4116610172146538,4.9687482650612855,6.569904551858895 +5.834576378346484,6.356840707440323,14.141810869118038 +1.4526218972343519,0.9559852865077034,4.805994788752467 +2.5870816597535784,6.070298321546135,8.927450002653806 +9.316828139709228,7.791235309003536,19.848061115023597 +7.457105251724274,3.3023234455771586,14.818352252439968 +1.1170737977515854,8.91939406120252,8.075242388005467 +5.008535050166287,1.00510846204252,10.027878975998169 +5.349687301171792,6.754102426652563,13.470336825204656 +3.1990002960233843,0.0924893168363583,6.709797292118293 +6.216069621477621,0.40095518429485,11.588859932512808 +4.3279329087118725,8.247752281268472,12.709130611020893 +9.988476323424802,3.703029139841675,18.891446741253194 +0.20126926500197095,4.929031019387721,4.753424926152086 +2.7627539743199225,8.927750135891925,10.661069081979644 +7.115031503276939,4.043232688059525,14.824091697960782 +7.620282309181695,3.4120586892293248,15.130633389163936 +5.217635851137898,9.227852797991703,14.442741194177344 +2.0015726623702945,3.130580019067061,6.780903493405534 +8.855934125269595,4.618783603104117,17.624017367940105 +3.178888286735788,0.3729867018394051,6.854096383906446 +4.18953037586901,5.006011113688091,10.87459824561603 +4.063328673210873,2.774592337705588,9.522483368806304 +3.6913017355386613,6.424447985537197,10.683634893431975 +8.912797199630024,6.496758225775019,18.507179692918204 +6.461624359737661,8.168748619808778,15.800670635402188 +1.6514277773326635,3.0109762945813845,5.976619716341247 +0.5059098297487097,3.496377968732406,4.382628749766562 +9.988237822665058,3.293123953655759,18.620071334853435 +8.59772996025907,0.8577771393043243,15.310339658735666 +4.597123633359994,3.5146286538163665,10.646758328738516 +2.015828632314156,3.72506257056864,6.935433201415429 +6.512781114139471,4.903080748890929,14.044522691025493 +8.443340312084617,9.049466068483374,19.078530639469648 +4.818928311694448,9.817263141511196,14.088329505054684 +0.7202076353658393,2.763392213362481,4.594625468372121 +4.167112704085759,5.827015103583273,11.400954791505114 +5.459297413132106,5.679767637820738,13.029314234189945 +8.962507226086311,2.77565191953306,16.83614129708998 +8.168537455886288,5.580005541276592,16.798472429028447 +4.904904829226913,2.994134256254691,10.944870608323734 +3.0406880276000283,3.8847987144488707,8.548395793961532 +7.635104880996915,4.76732887592271,15.86463534234533 +1.5383368525624996,7.598631773427998,7.982199841971388 +6.633799879158683,9.492387684011671,16.894882457025776 +5.294141016195432,6.5442214245780415,13.365376530485525 +4.793302727612114,6.807802082779643,12.623290497957983 +4.3611706320018335,1.378564787358244,9.330237817300922 +9.866832362991309,7.203637027958553,20.407178054162074 +6.0862582522985145,4.814207501855194,13.618598834953353 +7.114290021886652,1.2677492213518093,13.174584462728626 +3.2611339814169416,1.2469935076288585,7.287826800477884 +1.2602509609820411,0.21347544877200808,3.870165013693544 +7.558934151415505,2.273086246251792,14.394296091111551 +8.320077190696871,9.044345141637322,18.937932103486876 +1.6856605965189264,7.0886404233594105,8.117622384836608 +4.6030572849006095,9.189611574060509,13.473657884489626 +4.844171938016525,3.7887388644277697,11.157760921603176 +2.9456511903016,9.036214402281574,10.818123007925093 +2.261793034085282,8.277147916094865,9.40414690430568 +1.941874475779376,6.433968542534913,8.133906322299953 +4.510656397241962,1.0460867501667936,9.234817467095139 +1.2593300431705234,2.8150914991566967,5.296997352141162 +7.666516849540702,7.289400022656518,17.198915222157865 +2.0512025140736734,4.762021945668998,7.621763356120561 +0.9698696267699525,7.1594628618320275,7.0324906535124185 +7.933020350174008,8.93512000037027,18.548424915472783 +8.857459663901738,3.3789230714600595,17.016278514003734 +2.5453383344002276,8.965893747463689,10.369904706469683 +1.4600697481950986,0.5934407169262668,4.5921334909492675 +3.1424297802477454,7.603000439146628,10.587119547859398 +6.941997921554634,9.870552790268563,17.268102595280357 +3.595335711079356,2.758473148568794,8.880545645013692 +3.782076092449266,7.822562614304541,11.546987186605602 +2.142999511211381,9.477479842464527,9.983408060016577 +5.125493325296951,7.831449957744697,13.617250087681224 +8.272618244839165,4.788151173377501,16.917412590513575 +7.4137138040258685,3.6469432393546084,14.983349014069034 +8.109280142732043,8.239030086174305,18.144819206636033 +5.662058194384189,2.181478158730373,11.79299204674786 +9.702231751803648,9.469798701752477,21.37174036376833 +6.198205445793368,9.838810007810212,16.16166391204382 +5.027962963912317,3.754843749260325,11.30563640120666 +4.605030157696628,0.4590701818551002,9.23200727222751 +5.491218481913619,6.662324405631974,13.466083294378329 +1.0951997373064903,2.5559757169616972,5.000859151692167 +7.21184109850814,7.935901783588653,16.89262082535923 +9.858670493444453,2.5322368589075106,17.98914740397946 +8.414394716645809,1.7210296511416656,15.40820822079427 +1.3087839539864243,7.292035811756206,7.562172098279523 +4.45872371441154,7.93923498347001,12.558815050846441 +2.8256479533439585,2.131938770996986,7.32739817123373 +5.487987438230501,1.153104746709308,10.845761459850577 +2.7874921399149635,1.6623701145828862,7.085172480761238 +3.2004729377244145,7.654987058515481,10.544870526574755 +1.2074233720784622,6.118689191713708,6.954475590848698 +5.847660704832264,5.381306291672861,13.363376598165877 +4.842476034735616,6.638606041882662,12.66695630586628 +8.51810655455756,1.6203663834884097,15.43867708862274 +8.14131322371593,0.6147564434405195,14.676122048696504 +4.821244498427059,5.114655208908595,11.737042708083498 +1.9758583161416254,0.896731053565375,5.472061887017298 +0.7491097546197312,0.3723398504328801,3.3776807071606894 +5.735930241189825,1.5547461055460587,11.254314982822065 +8.087047494299412,8.989527210333922,18.708848163042063 +2.924081602001163,1.6446642997870864,7.153379759972178 +4.096118756200829,8.815702012845593,12.521421778688941 +3.9981918334123225,1.0833629601362293,8.471947004133986 +9.846680927625059,4.996754712192716,19.42977810484547 +3.423714711909117,8.93620789844205,11.486678542005537 +9.27403493872693,4.968044665086561,18.43810351869339 +3.0671639379340787,4.826338195621567,8.951548882463939 +2.192819511701871,4.7823809793893135,7.7895269718490345 +2.294311056761046,6.222027610785109,8.784615836161208 +7.5988918106967995,9.694277882755548,18.182442131332856 +8.425704693043837,0.8613484480655365,15.08323714438978 +2.1152287994165886,5.316918578787055,7.792782262927988 +2.5759099418899902,0.1436520708330058,6.039498067002274 +7.5479094991102045,3.5777200758757077,15.085854109084007 +0.6610003241986184,5.088364165226364,5.626234807550523 +9.772087131483904,6.7853862642276095,20.01105073655605 +1.5876611324267864,5.142955859296973,7.177343378165023 +9.017224548934855,0.5424366695208838,15.577902738695318 +6.378932007649366,7.212729897808976,15.212449520525638 +7.040116993145091,1.501704185470848,13.309973447441335 +9.072785317152615,3.2227133271307262,17.215861162430397 +0.5174202339100509,0.8322093448254864,3.220774445831373 +4.575773817996986,0.3998200207904712,9.0694141301487 +7.795525177682635,8.65823505970318,18.044309143238046 +0.13373175021304862,8.100135033272437,6.291475194361537 +9.812064690993978,0.3036816110574947,17.04483594416755 +7.249672446196165,9.99094078797637,17.593421086126003 +7.971185862939542,5.053570030351376,16.668271768025207 +8.848229720731247,7.079324249025358,19.06798650744471 +2.9245165046039636,2.2431978207726977,7.333265728877631 +5.125443927046205,3.7299052402161035,11.55790415044726 +3.294679908080017,1.7792481672688487,7.968773206033796 +8.452860031716979,7.050145006448767,18.29621587456922 +3.3132146965874343,2.3766708158518677,8.32577840487463 +1.2813791300863586,1.125129546723529,4.521827799102489 +6.254781852170899,1.0881717806692537,11.722979333791837 +9.602126239769673,2.791351016120668,17.92932781559016 +0.25804860581831623,8.553297238431849,6.727269098141649 +3.675873958503002,3.429658829749597,9.375274706334936 +1.1862061181638328,6.604220582189083,6.928020468525371 +3.5879337158943345,8.229945295667228,11.375274253726623 +6.3061830363012925,8.799123525939663,15.860481943093552 +6.225611579880763,7.792782297197487,15.368117915842415 +6.965392849047252,4.625924246406662,14.92221031216582 +6.886739919605512,6.636170175583434,15.575620369458669 +0.06703619926124449,6.986379387278516,5.553100122532367 +2.621595018228459,5.418228220000309,8.928702740502782 +1.113323884108549,0.23022501572340093,3.7298204042848844 +0.1511970877557023,1.5819451237293591,3.08530295177635 +0.19892506610151628,1.3239742085101847,2.9151903536239567 +5.591736053589743,4.00272831572996,12.436444180868683 +9.807481225906534,8.086943602172022,20.66806032587408 +1.4677575448863045,4.167893934610555,6.201799702930485 +4.309707965633207,3.6211677895128567,10.238067546609635 +4.955897806755361,6.698745454454652,12.72869770786205 +6.408897156596528,3.5709916413355334,13.368429886690828 +7.050456231485226,2.8948539866343257,14.075696483178707 +8.354678442263802,9.643720432640258,19.542915726387545 +2.947366544488952,7.846885527704313,10.285442076439784 +8.134258038577272,4.9076337453487895,16.55635734507349 +0.8774731165304417,7.861818900992841,7.248070052076972 +4.074782382325198,2.0807127550175206,9.06739530494137 +6.266502325607794,4.369381056807642,13.420930687893648 +0.875724486801821,9.83674629066707,8.338386478438325 +2.4466187024414534,5.109650554796455,8.232803964914417 +6.672882617310237,1.1508936439869155,12.602620092594043 +7.394100938607588,6.482888298391255,16.139879135169302 +4.937528973068018,5.2832999166868095,11.989467194519488 +9.547950274403274,9.10897837268964,20.734826921127087 +1.1198332387128729,3.687520530669005,5.521463133688549 +5.167714317696186,9.199758459017815,14.364883197942502 +8.16563329454046,3.8648270299441414,16.194223385056265 +8.862104055106455,3.7815779563212337,17.117250466349276 +2.7119293580430948,6.098926265575995,9.032060101827838 +3.5590175481480335,6.224075599225856,10.431242483752344 +4.096840750452245,7.95769139626882,12.159808065427976 +9.543109733739133,2.703091788714289,17.608289031806553 +5.100100842442815,7.2443243530258865,13.178572793934277 +1.5851909520714969,7.959061480773684,8.267845896455102 +5.829719616454273,1.4974052391208148,11.427439114183704 +8.682295868040875,4.267012595258094,17.11168515828675 +1.7661934592464879,1.9539636433865037,5.516453876956708 +7.855063997663249,9.357161605849782,18.416625694108905 +3.7824992225414933,0.7882807530723279,8.191502633962992 +1.0082307945385738,6.544785091938509,6.755288113434134 +3.707517105896756,4.261314973457936,9.568048173767256 +3.370473781484389,4.6553856598957815,9.157554163620674 +6.435494528800647,5.411391639047859,14.542576284447376 +1.6424142415147758,4.91288651943804,7.033996612393383 +4.606130591063415,5.45737248053641,11.666342592501984 +1.1067003104038386,1.535271230427352,4.5439564037747555 +5.302441781079469,2.754350425496334,11.38359745667248 +6.29031688711347,3.727513826791602,13.291665226235263 +2.2073474766543577,6.563947883273284,8.468976317879518 +3.9390766964251442,1.576124705097246,8.887540749409615 +8.0880897927029,4.317587119406144,16.247224142814137 +9.150703397226435,1.9340092851540247,16.654820724564594 +8.763502346064731,8.159099706990691,19.228549051034 +1.0391582408823086,5.316813156503174,6.222606074934461 +6.536828601464468,4.954821947272549,14.34012457729111 +3.9026308418593567,9.438421273637037,12.619115655593397 +7.008208597422195,9.65869877564491,17.28397591900678 +8.462303108531916,8.171313982161557,18.78170032155453 +7.256322903000097,6.460792421452668,16.169188409327845 +8.868620911123617,6.134097726630633,18.303781147645914 +0.7528840092519162,5.825635189933015,6.186809094671801 +1.028351515867747,9.493010701224266,8.287007431265526 +6.466689761012862,5.556462834133567,14.638113638852225 +1.9782113273308777,5.1576704987478035,7.4069386823627745 +3.4253100382934223,6.753861680086409,10.580358787899893 +6.044097974593572,4.993070900070586,13.47364544553104 +2.5274100144435083,5.257431304011215,8.356383512704948 +4.616968857452247,8.512658774623256,13.272267785444106 +8.94337341362785,7.592491541084093,19.188458165023054 +3.1963995661231093,0.3808951041815367,7.244788085418693 +9.253359592438786,9.920122516586693,20.891903435516316 +1.2702076232250803,6.856160237832024,7.263813985560429 +4.251465354897204,1.4852040483907947,9.171780124140074 +9.98101310965567,9.332288544617741,21.61394393852239 +9.826088762827137,1.4389625437014508,17.54181953330918 +4.9192452532299455,8.95774163321364,13.828120028286286 +6.751584457790408,4.346018032915837,14.341053357422268 +5.166942408795777,0.38601604701056225,9.963264881005792 +6.115171768142922,8.59715516700262,15.47917811881959 +0.027936265412819017,1.5996467764772404,2.945907612285934 +5.179901220053216,5.6096432602086574,12.394348205792353 +3.43352345166426,0.27934479994540795,7.299708632382444 +7.436000955498389,2.42925118245143,14.29850960864734 +6.445773019008013,5.591467410776473,14.329528142530986 +4.308380824599254,5.9028950327836505,11.330238003385867 +6.950387439706619,5.72244317945962,15.224827358140015 +5.575254321026822,4.360777468570866,12.519736484312098 +4.300345224721153,4.909659850294138,10.939080697187375 +4.520779121560397,4.390245843070142,11.03052093020459 +2.103700712104135,7.248379210555691,8.738833847870927 +1.329524689095044,9.08710422668323,8.696301477479695 +6.248462107721586,0.4890067912327478,11.580063554772169 +6.589986997482541,3.615142615058172,13.497906144384721 +9.297648443806453,9.36075486489708,20.592390961639012 +8.459283818528466,5.678489019739521,17.532886271942672 +9.191776913052113,6.498081890728588,18.709409660251982 +8.751290554711105,1.6005319927114237,16.047935419935353 +9.041803134312037,6.6159069456546735,18.860750507743774 +3.0327392313872306,9.978135271809002,11.422936899292814 +6.868839673544731,9.084160580207287,16.749326849758774 +0.055855209770174774,5.523384095491858,4.921647362340096 +7.12532623572703,0.13736889118711404,12.845065917029904 +7.625592251228497,6.514481931676469,16.63075274601858 +2.747596535926964,6.8894494634774865,9.430590373856038 +1.3090103899694383,8.240371987688066,8.096789632911037 +8.66225117258504,4.854769302784972,17.45220238660071 +5.0744216794832155,4.020543608663515,11.67843125649233 +3.453339852037999,8.728982788534477,11.488188436628995 +3.048731757875396,4.028500118543917,8.575137810340003 +2.9991629644451234,6.567127607927264,9.784322529118567 +8.142183311115826,1.6433582694414128,15.131635281682954 +2.5474251589523176,1.0410770852874418,6.474606642711667 +1.6018395702689214,4.068816244557151,6.597236527350352 +7.758762897091389,5.416179349689148,16.476482072026283 +0.5327627788716338,6.250867496839783,6.105924034154301 +7.9530416888832,3.9346780157656305,15.998217648519175 +2.450126013721665,7.639377281970877,9.435942373389262 +0.23906238960925474,8.155910244157337,6.589899564937216 +8.042595815441999,8.879859306942077,18.366181331827487 +0.8947994062362463,1.077584819046249,4.1174380016250725 +8.727528239271434,4.752627671621989,17.370082661196847 +3.9233850741086496,5.732935651303658,10.840310246691159 +0.5858307015644004,6.437161698960808,6.2417522809107675 +9.450831535893979,6.757198941670518,19.600775768892003 +4.645351123091835,9.608809886114887,13.5673964752796 +6.885164139034135,0.5696043571006648,12.517753993978983 +6.700465318131315,0.5969586275294259,12.384858648655019 +3.07229882789968,6.156834804027174,9.750427730036737 +2.1561601618686344,0.38189184594299097,5.407307004715712 +6.179536887798869,2.8585728288301104,12.706025280815362 +5.329642243391982,2.611455789046211,11.153301070713345 +6.864288469288122,8.957013911597041,16.952374889822234 +0.8656480279564194,7.863186854547585,7.1922721027340195 +1.5609505512034905,3.2940978717931113,6.067350635348223 +3.5736529582495677,2.063099890182609,8.532385590541832 +0.7523434086303749,7.6848648026281285,6.855443181439774 +7.936275392732756,9.968332903780237,18.901381075672102 +9.346042489953271,4.346424233848224,18.220075024884387 +1.333880145417733,0.10700008019525198,4.0285151954424165 +5.315175384971502,8.60566410832848,14.368330648877905 +2.679037395805204,1.9894136798806916,6.946538505450033 +4.389533717708223,8.935328009522344,13.057462339283248 +4.516738317704446,7.227129059977145,12.35158251782324 +4.625262101746933,3.729588814429442,11.035241855743003 +4.409120544961425,7.684005326733794,12.38940351346435 +7.544060558780097,4.317581786154003,15.549376323055249 +2.6761742542866553,1.3912703908374524,6.889560632554942 +0.013696943752317114,1.132575830732897,2.494996804991734 +1.64655265191898,6.8993779098108865,7.929051227700984 +8.17915876928756,7.369456662312089,17.854825192181707 +7.232327672023553,9.94320614724119,17.6188025698046 +9.625977393209906,2.688471951292366,17.7047003205756 +1.4510074954835672,1.532982379356882,4.885966100177514 +8.956066707112827,1.023468479557842,15.894741468923408 +3.401441688814204,5.303465284210724,9.723930858486142 +6.134505036831875,5.957326378148747,14.18103348509421 +7.864077221399248,5.7169326354276695,16.534901988712956 +8.510465393314274,0.8463022407218479,15.224011231915318 +8.58965453560144,5.900031607770035,17.955830817805147 +2.229325658503505,9.777431886978666,10.36576895337312 +9.397342737288298,8.457258216737115,20.29862578664428 +9.115961356134713,3.821417210453065,17.67403942964339 +2.2780487244958945,1.829038616592319,6.263492377690589 +8.737599685109172,8.266313489010868,19.205219902854637 +9.809383833349374,8.48252101454097,20.995188731967684 +6.323659139264902,1.4228175087155004,12.163426261731102 +1.6484753835423038,4.736995267963757,6.714820077867095 +7.677955311443656,1.7327539017775218,14.466635433769778 +9.155175079288526,6.837907304868559,19.06885588271533 +3.1230909044641955,8.857595921605503,11.061436693256073 +5.9863036818094075,7.331584820251265,14.751070201750673 +3.854422062555577,3.9355053931332753,9.80309832111775 +0.12617570481470386,5.379020227550093,4.896384784640938 +7.607968058338668,9.688245135866039,18.10914391773358 +8.922268367082376,0.8699109135275496,15.702027977494383 +9.805201203568085,1.4948068900085054,17.494937678729425 +0.41114298392083026,7.489298354682253,6.424366824493323 +9.058864503291513,9.497829060251897,20.362513221076203 +8.24976107766212,2.049062157113805,15.351798709733838 +1.5400291449441106,0.5896847757145285,4.554225565838037 +5.819690798941232,4.87221176163041,13.187225184925087 +1.0928360843637153,4.648271186715629,5.838212510561023 +5.673235905344871,7.229546435104984,14.133795977289987 +4.141975700334207,3.1835244707843966,9.665848753275132 +6.656791981541298,6.842236430455452,15.301043342936909 +2.7042855666981866,0.198230822371267,6.1733651713452575 +9.456905697425194,7.552864064591722,20.020113779656427 +2.0110433446335394,5.65665650993865,7.879073251895996 +5.949475306760695,1.2598863199567922,11.442702961627411 +1.9165708733955822,9.56706516463788,9.471287101298868 +5.080108600208977,1.9144221939347605,10.576542473345528 +7.975747540940085,4.705733025334728,16.126549963246617 +6.384120832726937,2.975015336385789,13.158131499861858 +0.5790409825628051,1.6494422356404426,3.585149063163561 +9.73036903145985,6.235884358282155,19.936914630858848 +8.310851985744055,0.2151955792381921,14.477676600060322 +7.654625011543671,4.8495206654186385,15.952993210704232 +6.653078768711973,3.5820504034077483,13.696982600801428 +6.2086882681889035,0.35619767787757994,11.474313855097117 +0.4558871253671082,7.988364099051478,6.696410092639926 +1.244652678004402,0.1398393458613656,4.022927935243225 +9.124564896366532,2.655317627435374,17.11645768627837 +5.823821632964384,8.389169705385047,15.00304921854561 +7.459070794254287,0.46627820810933307,13.525508410926308 +5.609487008588433,5.417978670954397,13.061608449297792 +3.500801782104621,7.535629813683515,11.08389717108256 +9.640056579755196,1.4718665393591401,17.161928729579333 +1.4522400374436217,7.347360194608691,7.950662907291793 +4.544164101662782,7.952189305797161,12.803898224533638 +1.4107760964707061,0.398575441422101,4.377478115279827 +6.97934074851641,9.947110529541103,17.471713945754892 +0.9479821029570057,8.643378894504698,7.8197004257615275 +3.8528974077341474,0.16789545293107166,7.78252861708859 +5.100217929712107,2.788542071248199,10.887406480895343 +6.934031415201803,2.8783062243509194,13.939097015693218 +4.817001234330461,2.005652513441892,10.362827542122766 +8.281017580435604,9.25431461868108,19.03709388745766 +4.033357542164638,4.488800325679825,10.375546557770816 +9.82683673211532,1.421154767246634,17.28790142392773 +8.086195145900387,5.672786058502412,16.90353177554458 +8.80734420904188,2.9242854482691194,16.681354501793184 +2.961579662203433,3.2581994805540706,7.89794251281858 +0.16631082322955404,1.6989289907805827,2.945981910821557 +9.945866411198251,2.4894857378393254,18.17933766035779 +0.19917097760639102,2.7854031403849566,3.6308898787383033 +4.083901679845868,5.4778727928238355,10.830121340084348 +0.6856601986542643,7.90428919704766,6.940004655926797 +8.255012681970577,2.131605788717014,15.319964010808901 +7.984181882349786,3.614269074412566,15.761655076878272 +4.231101778826344,9.363882543140164,13.027223557404517 +8.919043909600171,3.7511071319048908,17.19584839496671 +4.881103057226026,2.865237880329925,10.704125989657015 +5.154342583486617,6.819079028349431,13.120656062087859 +0.9266769727563151,9.198411261756897,8.071197210854892 +7.1887396814467985,0.9675268316157215,13.257426731066314 +8.689889919788424,7.436828662428322,18.560616421432822 +3.131268168327488,5.214330882978779,9.18468200828949 +8.601306591896659,9.681256230902788,19.83576940054419 +2.8107739594763235,6.505581823273245,9.400391348752633 +8.602469239927608,9.881668488429451,19.835689433631607 +0.7071848864631214,5.036219658208284,5.771376262994272 +8.736657618394819,0.0315812429952822,15.183958630981687 +4.372352196054431,5.8419872411963265,11.264689387429959 +5.264903085566143,7.327726863342482,13.705708845283716 +0.6552208695398098,7.854167235858432,6.924879594220095 +2.8317053613348344,8.242293865239557,10.405635006302532 +4.194879267792589,0.429185918029964,8.537328873966082 +9.639147656713813,7.8054929049704675,20.452803568741437 +3.4781603228234936,2.7002736821836315,8.559403181659995 +5.889637284500542,9.872946028239113,15.622772097500702 +2.901668241797477,9.482711167461527,11.126210536521745 +3.30387119618589,7.040977652577999,10.338113886439645 +3.817343577920398,0.8505222400864876,8.332935298705204 +9.361893656132889,1.6392799471659592,16.826266362353273 +9.446914679975986,1.0330682592885498,16.68173209776017 +2.669474449564988,9.209234986945555,10.541226593093775 +6.585408629075731,1.8948343584169558,12.859446859103072 +5.920933114552815,1.8039120803555397,11.828792260373424 +8.744420676703418,0.4982860733852257,15.297903776276131 +5.2977769777749835,0.6347302582946257,10.309336978928997 +6.950227510676252,9.357972351936674,17.11110006416298 +8.310664496716534,3.717278251526351,16.31504897538959 +2.3690490547975918,1.2102749238688304,6.083557290423097 +8.73623987382533,0.8110912904741241,15.741344285438338 +6.288291915777666,3.6726746949670694,13.38705440770443 +9.95778318370964,5.08823313518345,19.553627641568063 +5.48790949703411,9.178887850148511,14.933956563643964 +9.696369032508226,5.836364610945396,19.49272669762115 +7.9618207474235,6.347667491084464,17.08163164677973 +4.274004639936186,0.5731535727469683,8.433277225732901 +7.177438735417834,7.0026277236064915,16.145573292894802 +1.1670230668872528,2.3006887495636574,5.117381524503564 +7.321281868747055,1.497119775945398,13.846502799592226 +6.909350344327367,7.179771912048775,15.97414333945707 +3.5334385593992614,2.5818184977942704,8.433313435862525 +3.730394111036132,3.5919662139289397,9.455051841126606 +6.070198057045824,7.438482997188634,14.796734159492297 +8.617526348503638,0.29992284002114067,15.146046734193561 +7.265515573693695,3.1418601828916026,14.35801168930748 +8.386420107104719,0.7571695974101122,14.909220042582144 +5.511745101730665,5.486735897540134,13.099496888751938 +3.265114621752283,9.703065973533652,11.941986174530562 +1.0692315116868756,1.3639723353492228,4.219989428299985 +6.442595981882752,5.142992246436532,14.135428893009797 +2.644671285520468,3.0427179645744182,7.590654515981159 +1.570233087088193,8.677641389118731,8.568178472877024 +5.695188731396904,2.4483457615383166,11.648153340612875 +3.934207577093428,9.066850543048831,12.461330191419135 +8.868411616530631,0.6910669111320777,15.856719424926977 +6.541001382797029,1.529711709697238,12.491479290599404 +2.1088336554825715,8.642075922464162,9.447312852110764 +8.95190317475958,0.8269191589394853,15.852444709600682 +8.739233294786937,7.284935528432246,18.704046005193028 +7.757103632666991,7.9181532764581055,17.41804863615223 +5.072332717379955,9.469076429882016,14.423233008361743 +2.0035960398059527,5.049651075175429,7.548852100726948 +3.1855257988840457,8.224312428025074,10.927131457003291 +0.8270071212877739,4.336784869242679,5.394732730328277 +7.734776562453295,3.1234091155773944,15.315186925755354 +2.4047628427044874,2.6254915479489616,6.8694361654666825 +7.135901074065453,2.8678267583883086,14.0300599616512 +4.026835454629799,5.456680874391777,10.934964311728605 +9.407600789466919,7.9434755988692896,19.86327703512394 +1.8528166422401726,8.830842325344356,9.179266316490397 +8.447674331852035,7.452245195548688,18.390083336570562 +5.169059747719448,0.6981495525731118,10.091209166260674 +7.115052413891659,5.183421704228265,15.109168291227299 +3.09774925817956,0.09938000018273829,6.577809390935958 +2.3104898077634886,6.056901775793922,8.589984636366726 +1.1230658633195623,6.554187066117123,7.100226347762729 +8.196720888220119,3.181783407362515,15.844242019429391 +0.8198553945496423,1.3969879042621847,3.83521067207288 +3.5790893253490497,8.134342527584275,11.257326147645534 +6.342787197127552,8.67887648096185,15.947676012772634 +9.944271126311246,2.0256620289915936,18.02920238356332 +6.948214362367935,4.665167000629367,14.473825829761413 +4.934780609468204,3.2558140356080445,10.78768675277433 +3.425122149994105,6.762819483977674,10.532774723402591 +6.208029171960167,3.1850357062743297,12.93117971544122 +1.1858091881908583,5.782412873082024,6.6221874404806504 +7.3939634496488535,5.586217902145098,15.880759220189518 +0.036506734566412735,2.823155124738027,3.441613756754011 +7.785793396350118,7.425482052767382,17.39407393289652 +0.10410252541492748,4.702962327601784,4.417544003887494 +4.3731817265034,6.522813762909419,11.819954314490415 +1.2498004006499774,6.214152328822699,6.9143400765244065 +9.469180201610508,3.7174953461524995,17.986746887278414 +3.373564176597581,0.2827351437187797,7.01502457499405 +0.5739505895543151,9.315724469297185,7.501234020537193 +9.755018465386891,0.056417004365867385,16.7410335569424 +9.006796863431648,1.7396003068082089,16.347436959190333 +5.613587186564296,6.7814092352874935,13.775737083609815 +3.5905871056057914,5.289880917707172,10.15639303061984 +6.2754218815530525,1.9392629938479378,12.48526255969907 +9.942566215856822,2.0388183558548603,18.106716773794357 +0.10338464686618698,9.44284592104748,7.102208453305573 +4.291277008641431,3.986197189264785,10.435962825624038 +2.7567131846632345,0.25831926791167636,6.148512654261026 +2.6456819338015114,3.9330034256598188,7.882910762588472 +5.2032924886672225,4.576442201219823,12.15046003872941 +8.790362077040228,9.11329861930149,19.886202949772812 +3.1715492181571503,9.595545938754595,11.450210526620584 +8.649341721203545,9.276348165347496,19.637714487934932 +7.06330882387797,1.9827184332554149,13.507036275096993 +1.9522779265777446,9.086515630839433,9.457009277730696 +5.0704545993444325,8.904673071537378,14.041857094525854 +7.205478791893169,2.1251230433506763,13.908898327420692 +3.8475982006295375,9.678252150225083,12.813755934632889 +0.19582761443504348,7.1458386309274395,5.914169564766632 +9.78779697075206,1.0414694592362794,17.159446845534067 +2.7199285494687864,5.47013120681191,8.755471333952146 +8.437649277466992,5.065118698377282,17.169949026598808 +0.5959604699457166,1.2718432333115348,3.4426933684054903 +3.759433688325644,3.2254067376054896,9.265818785684246 +2.196786311792114,8.401287361857907,9.25469961058588 +0.26881683748735674,8.293442477770776,6.528827116289438 +9.216801736457631,6.301110245510642,18.962556862376875 +6.253503985877641,1.4901771298548183,12.009279458799783 +5.683177382108319,3.7517439393806242,12.36242376383492 +2.290497615201957,5.833295558555314,8.464385753697767 +0.011904670623462676,2.764127915421585,3.5191258990896466 +6.560420242884377,4.550406105073418,14.062519578393244 +1.4564054050444886,0.013181117499577732,4.243547199833017 +2.7043931406996577,5.490593059551276,8.652036031854712 +5.345455651136255,1.3107189937191988,10.643927108276795 +6.13697143016687,9.98924378225075,16.223159602224566 +5.848669062611033,5.276381757092544,13.563887243750937 +6.226331235929163,8.796708902607328,15.857131613177447 +9.459993446956352,0.4103351575265879,16.41605070383931 +2.049938029151538,1.1576406400596428,5.562575189772369 +7.723537857026399,0.45562858951945895,13.948972651104565 +9.026349469911306,0.20555364903130813,15.608272208357727 +6.025468129491236,2.755761939802671,12.460932083212855 +4.705635249410609,4.418859140048825,11.255629694409063 +7.4889327072398295,4.966421010599182,15.915833779613358 +4.212208301265509,7.302771025843543,11.908693587680625 +9.258069193048556,7.939224015235666,19.94834120004286 +7.36717031502554,4.877220811356516,15.480725403344202 +9.002157982813312,4.8631345742168826,17.99171471765178 +9.302857853155366,8.0292226242161,20.13089931363876 +1.5026023561012958,0.4699217272735212,4.288407120774222 +7.408556868660656,6.858391616003384,16.53549216206165 +6.020888795819756,9.762392800173462,15.82312310447265 +5.45403047771961,3.4789986710136303,11.96511824052253 +5.649658508225793,0.28411752505456245,10.685679591965146 +5.7926423457029985,9.024302050410231,15.154066835302896 +0.04330068518140329,8.453038121781166,6.239264912528157 +8.019288940991132,1.0610312979608527,14.579829761086431 +8.468304931217174,7.6354526573340955,18.392863272891354 +4.910464575598454,2.4521393839977312,10.625088330212286 +2.8810041584785218,6.122749254719903,9.301109867323335 +2.4630399937549665,3.253556756739683,7.394703192024909 +9.308384311503072,7.293286165062528,19.47743146414472 +7.36074049716981,9.559364221216793,17.764066024711138 +0.05794019803126438,2.444858433726511,3.2342257882508303 +6.579739629603952,4.382715339371414,14.031151307494016 +1.1280494813237074,7.812336860716613,7.735876658578431 +0.4707253407992673,5.438511121894881,5.509940322838751 +5.624643315425171,6.3596131961065385,13.568803143529827 +3.15626302721813,0.23600941231812222,6.804343919022971 +8.889832860806823,9.292047948284559,20.06930461033253 +4.819887269040657,0.20640353481528262,9.21663697582784 +5.80871160223449,3.159298516629212,12.294954851342967 +1.8248557683369682,1.6895265638120538,5.521470595682956 +1.7925544033316754,3.3084100057931174,6.325867727111762 +2.8062021569267404,8.364248324531896,10.472338189779917 +4.953147073900243,4.276474924650482,11.501032927455041 +1.4583355711446833,8.758907931211638,8.664372126565924 +0.5482220579378905,2.395313588744803,4.2399485731024384 +6.214722757353176,7.023124280103686,14.894047192783171 +8.01156574819147,4.102913014701073,16.06039652360507 +3.4674008664141773,2.885516179629274,8.759572904579118 +5.680946710777263,3.4863561514536223,12.153713602298666 +3.2809424067593307,0.16890853435396536,7.1579751782448255 +9.483159875416078,0.6059424432054006,16.45240436256608 +2.708715183109395,9.214196273406962,10.88698031509487 +7.353481952623454,5.7813980418744,15.849209884042512 +6.608139131953728,0.970600528127955,12.463679146627692 +8.086473436552222,2.5010676178260303,15.224286510542802 +9.562139778788705,2.3137460379401875,17.478757536070223 +6.253644162318254,5.453244920121695,13.99911936015809 +1.4310309396866872,3.629271678168121,5.817030492140268 +7.812927547389327,2.1258807399910804,14.902883611945162 +9.62857314841953,2.9548363864760683,17.797522478205313 +6.267216594800857,6.18867039589865,14.421652832889007 +4.707782421651653,6.553604641657592,12.253315085321589 +7.435769438267714,6.190029713408885,16.362635323366238 +5.599946193339791,6.066274080727636,13.534806233251665 +4.0195592040195995,0.7087316713155012,8.510734150399776 +1.5969837918278196,6.067040430396946,7.350349583534497 +9.271738924174421,0.2574054857118224,16.171271201394248 +5.440351970621958,2.520614330091897,11.341336660407185 +5.617399054845132,7.496573577337017,14.098916580625163 +7.354531321695928,7.248857978181339,16.586353227137174 +7.78923465939437,0.7261068682095762,13.980674336365908 +5.095778339179522,2.6177848537214823,10.943481245445824 +9.21270561002413,7.828792220194712,19.64958516227364 +1.0754484735838976,2.4324612903017995,4.852544501006948 +4.552202554981446,9.629086218064256,13.381907102364469 +1.0967318412105187,5.679723685421296,6.507774195310711 +3.412875131745584,6.463403417325573,10.242046435303099 +6.487067270227045,2.4059148668401855,12.866617749381806 +7.858094003060661,0.9126247133480792,14.178927272991599 +8.18138871087333,2.1196685857949404,15.426234583911095 +5.895792984916527,3.4730972690277007,12.630698218540198 +6.0977982662189465,2.6741784827437742,12.467232436699572 +5.689636719505106,0.08198260213564179,10.50392293988953 +3.7445445761720197,8.263893790621891,11.827051539606204 +4.6300658650550774,4.992610989899657,11.620875292175578 +6.21576837913993,4.342095988339824,13.491901096651475 +8.670767277238136,4.033246698481886,16.862942390662297 +9.425524342432507,8.769380233242583,20.452687022332054 +4.210877826589852,3.658008745986372,10.20124272759966 +6.766280189001684,7.553067486740624,15.881682722045172 +1.8586157732458808,2.410452031864824,5.907280214677606 +1.4625251664849293,7.606918781883185,7.907028829267412 +7.144018649790849,1.890538143183762,13.670464893469989 +5.36874786154343,7.642393592033998,13.720935785643533 +9.470286627433728,1.785226541310314,17.094577531136217 +3.0432977988968926,3.483397836390738,8.31549222237841 +6.249773591332093,1.3641885020898714,12.011802470064744 +1.934290692513928,7.804368373919862,8.699334110301407 +5.420536658560705,1.6038623152845821,11.034576504261263 +3.884327480082254,1.344941953317328,8.365684176484468 +3.626900012368419,4.001992952116357,9.458619606044135 +1.1211041162539626,0.5983342618604204,4.053598619863546 +8.816018902575307,8.876480896402189,19.678215036316796 +0.025788752126498782,6.412040964241364,5.367821769452071 +0.9367900753897984,8.101416455313178,7.3423537527881075 +8.795623921537516,6.166151553702259,18.197420296476146 +6.131554572029421,3.7148150905372423,13.008616019266205 +2.494689693628617,4.992708291532464,8.567458367571339 +1.3371722347655401,6.7222489486091375,7.4176631996750215 +4.700868953797185,1.7760150603093072,10.008812614643439 +5.883142527892828,7.95327836585729,14.866687942338906 +5.8879946166713095,5.296614116565443,13.488181007198827 +8.4771747813081,0.10755385000829953,14.874482872266125 +6.167476278346294,4.096921831945675,13.11264492868739 +1.935661486576693,9.795778500860997,9.829078961861162 +4.038138291471894,3.3526281244222256,9.776343251342572 +1.6900843974064672,9.97765951245484,9.625821214811072 +8.560513560296767,0.6997241867495119,15.075064253185 +5.657538761271833,1.4740121087546587,11.11510538066551 +7.15781415012947,4.84083429260437,15.055250508033524 +1.103889641992759,5.5703889126428985,6.49326096121568 +9.106756511028124,3.411946823331525,17.419766657943637 +0.5080561476197898,9.452071112646443,7.3931393999911945 +1.4179918800945057,4.7505200088123365,6.693675461330959 +5.446771278482842,2.3708746318125673,11.384231378391465 +1.77418032038139,1.1313888061485966,5.2393854671128555 +0.6995528235397341,5.081265476803448,5.569199276527058 +8.420207768343165,1.267587713666013,15.357154876799825 +7.006190284454984,4.126207704235999,14.61133870379906 +0.3522423897058613,5.359723100047215,5.39721029809925 +2.520082661331764,6.052540930405024,8.685004505346482 +3.493230108388712,6.6645231826295905,10.41755037563276 +9.18503362931029,2.445445620814591,16.926267414300074 +9.398404689876976,2.0430886025033193,17.174486381910825 +0.7069488222336306,1.9270098738807973,3.9811190857108394 +8.149166995155483,6.775562452645419,17.738634488235945 +9.708341532614313,7.098273104249308,20.072293044787447 +4.126312650366339,8.924309741328763,12.759814681425103 +9.5812851820846,7.916549209601059,20.247126237386038 +5.56639585835101,8.257657813055628,14.596727994901553 +1.7904470733428157,9.003500229293863,9.324336044169712 +9.995589824865359,6.651401664553454,20.26260698038362 +1.9588903958000847,1.444366621953218,5.7094750762515325 +9.59414405600347,8.713528213683254,20.77475168218987 +7.48678851564767,9.491192536154113,18.02744974124316 +5.034037528683912,8.877464030023644,14.118231994462029 +1.6282031398837915,1.8280971810736246,5.453674454975054 +5.123430456603899,3.325096608445243,11.399105266049586 +4.325192680146577,7.981969863005332,12.545079181801224 +0.5340747094225906,7.208438342802297,6.278404389320296 +0.8822926845336554,8.475010502804203,7.556852287812627 +2.018998065356751,7.349389203479956,8.593041297308375 +5.918793989876891,3.856221070728476,12.804485574114683 +2.6753625041891524,0.574593162664091,6.412021224874429 +3.533802069130071,2.0052875660117597,8.302641495179303 +1.3591250395198229,7.384981225891342,7.480619155115186 +2.125149910132005,2.2315804771616845,6.198835116401247 +3.4048145175404363,4.626531596217692,9.478596388396403 +5.137127442897001,6.645462688404131,12.974511135639366 +5.8852204783792725,4.816838797266417,13.31463449218789 +3.939402146374703,2.6578621192923446,9.11731331348914 +7.099426136830394,3.1750132039374765,14.27481766712735 +8.495813935258953,5.861624558879867,17.71772751452288 +6.339442785281806,5.087902308777333,14.132105428373738 +9.285560646520478,4.215955686177445,17.970797830619404 +4.269684534188126,8.9301449577183,12.947578598963975 +6.049069209601715,4.491487157241404,13.470003294256383 +2.621511145167309,2.4504444505191767,6.9302195119182715 +8.014343137552359,2.794660776237201,15.424015377720652 +0.057376903033656834,0.19460639298323645,2.0027335521886775 +9.784026115965647,5.598379366229444,19.38920926134699 +4.890246318593954,9.178760691083301,13.846892379786386 +3.516873989902928,7.9499755965523295,11.243653662927795 +7.218098127801388,4.77096482321838,15.2503837071144 +7.746318974586909,9.657783875926372,18.53886873442582 +2.0060737578707064,0.17509414501021503,5.123059843618152 +8.214544062642995,4.0358707284481365,16.40711421406463 +5.444024935150082,2.2246232073253203,11.170499120491316 +8.417887618528772,7.212062490727114,18.33852856626679 +9.533666281947982,4.752518715996842,18.34717651532185 +9.765650127608277,5.108553929738986,19.355421366656838 +6.214220908627724,6.7412743982169046,14.82668856147936 +4.8977145572017475,5.627801909689245,12.23547819873402 +2.2330706470149,3.6236305813290826,7.384317846945794 +7.019932450922481,0.3898896001793428,12.544461627142528 +7.0041311996727496,3.037756445424884,14.103017744473574 +2.7183583637422215,6.934884643526109,9.558490480450244 +2.1494516272075623,9.616834358893142,10.0570031768562 +9.906790337130717,4.581004078514587,19.03433055248101 +4.0141833584229305,0.7903745639873283,8.45594307000401 +7.78218683794181,1.6272399654623804,14.521682579444581 +9.33047860476081,9.905927389552103,20.879722087739246 +1.2240978008171155,6.830058820927074,7.244306768519913 +4.659919915677272,5.411458542105199,11.564158757664382 +1.795746796547819,7.235208994449138,8.271684810182336 +1.6661272096512003,8.852999777437375,9.021772470758643 +4.539746143431608,6.348680993675448,12.082040394215163 +9.21791107048329,7.379395048025367,19.593434292067954 +5.408478834499694,4.026776478433599,12.22214522557751 +4.621351219937042,3.416730596105393,10.737738633306135 +9.461838252524052,2.5285784414764887,17.392691922879738 +4.093462825969723,7.782239246510758,12.06526854018034 +3.643416726260641,8.866108964381192,12.006857544258404 +2.430726401470489,0.3134484170940388,5.664857568491751 +6.287511122518687,5.082534577351304,13.834002028342704 +9.330580798908226,4.231323258959617,17.96746791461783 +1.355902579581939,3.2974553724634994,5.504027543096492 +3.9321180996042315,5.831318138258048,10.708755594503133 +2.7450049108917596,5.50313320173805,8.816527100100632 +9.080458655659637,4.237303497985735,17.89057028417585 +6.515694939376312,2.2889858712579603,12.874287919700471 +8.013270450460224,2.69670630360059,15.216621798807816 +5.7980279350555675,3.00247469732685,12.214898090896432 +0.6740235006184703,3.1966274056103074,4.5904525794911955 +2.120306607113492,8.92673768402629,9.565615560164288 +2.661621146381432,9.744231817689219,10.805691311199924 +4.923458117248653,2.210649665676492,10.597220901690358 +3.913441331656956,1.8343111749758734,8.646329119733613 +8.336832538454539,1.1996926930647533,14.938518205337031 +8.735277514954133,0.45917048452088216,15.379185075133224 +2.9960793152933296,1.3988672024277682,7.132155524693602 +6.852655459207373,5.123217309930411,14.99581275239958 +9.393395728478708,3.661807610806491,17.905567077668167 +0.40749093500493494,7.616590631951334,6.409494461512452 +5.795006496757173,8.27435305244414,14.908341458432247 +4.261385720736081,7.381811613564507,11.915768367263032 +1.7106570614946814,9.995265548318411,9.59737696763332 +1.7364697486910896,8.29800627658866,8.717145941491376 +2.1243816896272616,7.825079845941679,9.201793123322613 +8.61252417027473,8.76640906209768,19.23731306629763 +4.757184469131764,4.2881297311662605,11.297523780960818 +8.337911301307363,5.79489222950814,17.3684166451601 +6.212768314885283,2.360671212086215,12.540778029739313 +4.4615701420260665,3.69448888066787,10.514485035443826 +6.653215590880341,1.9648328001919602,12.988470825136703 +4.057519267222887,8.487320589981577,12.505263064074002 +5.464456770885323,8.960439773248119,14.648306370477272 +2.325274439566807,4.399033365982695,7.727703284648606 +5.004162231951051,4.005674073061863,11.737727177155092 +6.844935623475303,1.4871981159347036,13.049987945259195 +5.194003901718577,1.3877235047600922,10.24144983592189 +6.291974887875548,8.30248133274467,15.522576698940048 +0.19997046693564058,4.569362217039345,4.464261897165165 +4.927035918102952,7.202542106531372,13.084021241596869 +0.7471993197503579,4.06020781270096,5.1415209503240265 +7.854812311725558,5.321445615108743,16.549293074396857 +7.498461881132613,3.640097802716581,15.1288974025109 +9.200876818858552,0.7734525821951488,16.24876556749519 +0.911644058027975,5.284859049090463,5.887564888925035 +4.708238490356526,6.384675274649015,12.30518483489792 +2.29056134739218,2.260282909768756,6.702642469961991 +7.491095677697038,2.9176520070467316,14.550759866947587 +7.2729173516000225,6.407069850795798,16.08119661195441 +0.8332715332917362,7.11129639736074,6.8409973834954005 +8.795153746059256,8.166462573476224,19.28576349865159 +0.08861865889775111,5.397139061386238,4.975156230017087 +9.133372117734217,5.987256741991663,18.76653728784943 +2.9032607065310154,1.9454464199979737,7.368223458722776 +6.849475293549619,7.71253934712873,16.21224276848123 +9.125847649174004,9.057165835331052,20.293783345641355 +3.3928016611571596,6.0387693150578405,10.112694060008566 +1.0151918585899378,0.9446255016379745,3.959618519155025 +0.7146856680054658,9.271442460879122,7.806780697765695 +1.5243242622749353,4.823261984886286,6.623809495908073 +4.3307236479440725,3.2477110962665448,10.112713158936439 +5.377306523514363,0.02790890473588603,9.964240876152767 +3.8014933831959743,4.79344060469654,10.1721279422433 +8.033043862053006,7.009634293016454,17.677635228213443 +8.497618040179573,3.762982352651212,16.534363417530113 +1.4090552779738852,4.01056463933053,6.103472299357646 +9.630596339250076,2.1432759405726856,17.46952590285921 +1.7475536297406324,9.443372761590757,9.450549456349282 +9.499230848102128,1.4923685442991563,17.136727692985797 +7.694528615511991,4.2974250418577045,15.642596094797494 +4.922157160049217,4.986881464581462,11.567558964366 +9.683715611183437,1.8466111425008858,17.56415909821005 +7.730637352528182,0.05674108359608354,13.62883606157728 +6.2861010690880565,6.526779766990596,14.697436834966922 +7.537062094506878,9.259623628061254,18.031776335061895 +7.538351056556392,7.321439858395088,16.93184473663856 +2.5378751632097494,9.928397091714794,10.707983718106629 +4.684088109239259,4.174501022792231,11.077811833949527 +5.018775732770935,3.940564557536834,11.547354518485216 +5.9363757122595455,3.4962458978502644,12.740583242964583 +2.399448489445959,9.279949017957396,10.402462614710897 +9.27828479970812,4.962454127806887,18.438993507448103 +9.621473439443035,4.157171598443574,18.49633338278849 +3.8737886846661853,9.169061357141745,12.483832792643083 +6.3291700302317375,7.625173699968823,15.209216078815853 +4.127438315640212,4.070016644760152,10.368104618312834 +0.8330370487810046,9.667438846137733,8.104412690197059 +2.2795896684210604,4.94267063633931,7.867850793989258 +1.1461027184607053,6.469536133543663,6.8571196333647535 +3.90875450247767,7.676618740924276,11.764135119266548 +5.28378654487965,1.2947931518493772,10.545014741800466 +0.10740508594946019,2.1244868230030445,3.2139228122807593 +7.243464948204556,8.285141276008636,16.840648667849557 +3.413350356596144,5.359250712328545,9.756182963616219 +2.4001329045855604,8.804432409199608,9.945565838145349 +9.652071459091818,7.5294002372693996,20.284663588171213 +0.8888672059183111,4.37118580618919,5.49212907608433 +9.905056817499768,2.2938482931326476,17.739622074202163 +6.704716701754788,9.385634814276566,16.70839125238808 +7.732033882633873,6.0886015566427885,16.496903258880714 +5.067051588955626,9.288143623370331,14.140364703007881 +3.9473336710769535,9.01268999884553,12.527733963905002 +4.310529290075707,7.565450237588279,12.079620680926197 +9.157138992674767,5.506429086282195,18.518407395514956 +3.0987984833425797,0.509867196586743,6.852409297441636 +8.092599635047751,6.2200992069341705,17.178945531877243 +2.630456478254958,8.774116531615896,10.23481059954315 +9.203027637758014,8.871660795128758,20.27232418541713 +6.015178983561835,9.765816071692935,15.948857008400726 +8.748056312017681,1.0426040494565936,15.470871511054227 +9.811059759593444,5.488063726698508,19.575673916192976 +9.200359035579718,7.603414348326818,19.483619313654657 +6.4756667535541865,3.266723816563636,13.385722948442353 +0.2703002358433415,2.7673625244208355,3.6710348969738256 +6.858203228735955,8.6311490687158,16.55697316020205 +0.02346597115479576,2.0797377378682222,2.9471876540263953 +6.730677154020869,2.836351043204063,13.46131719079748 +1.417028540536155,0.8193609822352321,4.5151258336614175 +6.3787899682455595,5.948598170283448,14.427552174759777 +8.586135721496692,3.148376672452647,16.48483605213863 +1.3671861833555277,7.991550886901845,8.091097927191298 +9.88185924852333,3.603895406182187,18.895339529265854 +8.653496142399302,7.625454707608624,18.88584114902532 +9.11585294758748,4.243724765809294,17.913283840092372 +1.0130150482382427,1.1835620636492872,3.9344020614991457 +7.631984204580421,8.633318394983679,17.568788949590097 +4.5701674093705105,0.5957088923714593,9.123406503098698 +0.6670604035978966,5.986003500624237,6.172273985780101 +9.1862435021497,3.995835137059165,18.02471910567327 +6.506198151991558,5.420077689567715,14.400582499175451 +8.897578444520615,8.323876116422353,19.449683445082535 +1.9934856016940372,6.775430985597185,8.432333284900876 +8.475031858095383,9.30249381812539,19.344078800641682 +5.89927140525222,1.7591123516051665,11.711269843905475 +5.582320840844456,6.658190116583507,13.766066231599481 +2.7248906152006747,9.730014821256898,11.223895133013814 +2.293262513080739,9.113525217310382,10.127113714109845 +4.251807575246427,0.0055416483290393614,8.567394841799835 +5.432890733499786,6.282858659173466,13.106351937028261 +8.693633532082977,5.405632384702635,17.850744638226022 +0.9412938215273159,9.268135593062778,7.951021668613881 +5.6535479092547325,2.71531191972179,12.005622671218411 +8.98858616488494,1.2091347236703431,16.223179262414398 +0.9748283901336163,5.350090938005817,6.197669536798539 +6.248842278062096,5.109591673914732,13.853769922519666 +9.289920471124324,2.6282083472609754,17.200603059043758 +9.902350758760617,0.1934933444598741,16.909982102794554 +1.1853399466015269,1.8567630602741203,4.782624806797347 +0.7957572705452665,4.382178664290145,5.425114014607705 +8.653721757121197,8.207593268801304,19.22638250351651 +7.447568560476171,0.07409401935457693,13.369481839795112 +8.657060267562281,3.9649909195521484,16.883550096918075 +7.316377545238789,7.269186844637286,16.656679391565387 +1.7752102721853613,5.15394847584326,7.286093264365665 +9.261809589460743,2.6304863008187995,17.198455170861823 +7.1502784800153485,9.580510392938708,17.609849379887745 +3.606311756293924,3.876336726916522,9.396733336894227 +4.525625092085735,8.090392416694437,12.776178064474067 +4.392847217361609,4.862459560073753,11.006288891047392 +2.223174897702772,9.883450653521907,10.241565565610841 +8.923541539698983,6.002543130284575,18.313832157206072 +9.605600714599188,6.8699776674738,19.83485771824249 +9.591056325191628,1.6153586673962972,17.064571370076937 +2.254574069030808,8.85182463638394,9.855161686412421 +4.1987439162662055,3.7115770410256808,10.294316232652394 +7.543353563840106,6.3032566016935965,16.471705767963485 +3.4407159976724264,3.9786058755272693,9.245019713918659 +4.083837583001541,1.2633132806904424,8.772945969998739 +2.2955392947017836,5.375302816025037,8.02874986425695 +7.818271522784995,4.190482844292209,16.023355220564266 +3.8335279958595914,6.505161535305172,10.760629831660742 +1.572538638802129,3.807503244171031,6.263590320532676 +2.0813623619699384,6.516462343279148,8.30341942059398 +1.123640149160774,4.478228196024428,6.082743627884388 +5.961820570924084,8.336754428782402,15.132704906577377 +7.24551276426105,9.428631210138628,17.83813242853487 +6.798784072529454,3.4918963490017987,13.94772495535554 +2.31723882514422,0.5658240365884026,5.682686097880057 +2.775876167099666,1.3684868884670076,6.677030796095787 +3.692247777416818,7.025781392526055,11.161926902906703 +6.920340242131458,3.18166429363942,13.887869478960559 +5.085523706160879,2.1677156980179912,10.670162547475899 +5.029767185340183,5.100818762301142,12.21787086305704 +3.0129683891840187,2.594677962405897,7.92212811675884 +9.795744639816819,5.371235110987537,19.318271054562413 +5.62076631577316,0.0779409036806189,10.424719084143977 +1.8184078163545014,3.566219618200228,6.33511469155457 +9.659807425187687,1.7524173428705758,17.160368640154033 +3.0328971132686764,9.901569937849793,11.576500443992076 +4.811086423358962,3.1840777547022645,10.896072677313905 +6.3435892048682,4.9630228451644385,14.032616210480876 +9.574490916414579,0.8319504799204525,16.79643408943639 +7.905479205176613,2.79086378462985,15.183034041865136 +8.066693309902316,8.477203405828664,18.485454937501707 +8.492228580233984,8.66695698888422,18.89341924610122 +7.1812750678309065,1.4240414671486024,13.437083974336558 +0.519025934987769,3.4076524378085784,4.498435260624611 +4.950698586110774,3.026209007395526,10.93911114403992 +7.42206933925596,7.224434777679248,16.745116510592176 +9.719245011137444,4.005730904994095,18.529808042341987 +7.857276608097634,7.411999707403068,17.546005510802754 +9.887495172422936,7.736152512093648,20.577779778313015 +2.8357453070206216,0.15272399127733927,6.315579414871169 +9.68166154478778,7.16069043844747,20.14602763657381 +8.126066279358483,7.9324415442875225,18.122067184586975 +7.357610899931691,7.5147446858417535,16.794267390651296 +9.294581847738685,9.141112819284738,20.533980596995356 +3.7922674583998295,0.30961523632847876,7.667126733887163 +0.386815934960667,4.4663836452346874,4.646685700886596 +8.349795299004072,8.476112266155218,18.776141957809624 +4.043895812299244,3.0161162534796726,9.513063637349155 +5.066014444315458,8.325432068699376,13.70693552092506 +6.36496119677168,1.3980581365953482,12.30337159487984 +3.6223394365855777,5.55425915191538,10.111754920188362 +5.3826243128717195,8.306340200887075,13.985782520569916 +9.32171763840657,1.0046309417525578,16.650594806852926 +2.2440759034588833,3.921569106394216,7.4478827563543595 +2.9639808145102786,4.082904949584428,8.607140644654667 +0.40721228615231975,0.66013270162815,2.8288100224604786 +8.383614779370744,1.02581784111887,15.080589201366308 +8.240751119947495,3.065120018030351,15.76684483048141 +3.092233698888558,1.0074702812680714,7.136089735842874 +0.13263381483498704,3.5528860844538523,3.9405926690154804 +8.353569062939831,9.19955464538062,19.022325301016732 +0.6158555613032957,0.3090806380560873,3.1286522757904427 +1.5880062013033347,7.662898086856958,8.187584058160853 +2.048827660234748,2.3081037439446597,6.39956338868968 +8.889426978912894,8.749490387585347,19.717463660438085 +6.702892194201687,1.6401378048147897,12.619617627709227 +3.8114918965157187,2.361774061591052,8.716912224705819 +6.718455818431287,7.799310541806278,16.18690282515587 +1.4213372201755559,8.979558329070189,8.585881295718638 +4.628259071838366,7.950058544949483,12.941418694905341 +0.5163760854196231,3.605811870194376,4.578442978505787 +0.14780947697325186,7.184847314356495,5.955769825809428 +0.7945097023118519,3.382857910264445,4.692502469393467 +7.817486806388066,7.48966478432914,17.603987810460744 +6.402896203728426,6.9402063884138885,15.200484679028445 +6.512313251035727,6.412759590068303,14.975465594393963 +3.4965464004139966,0.2816570407685559,7.4269767341030395 +4.4182584981578,0.4545965159034471,8.817626325453421 +4.688673951236418,4.640789767297566,11.1848807276762 +1.7872153726381923,7.842616303691861,8.660159843851051 +7.042093419104312,5.595395407009443,15.385495787958538 +9.259085801216873,2.8718711321021084,17.35130020713699 +2.620322214649935,1.8343581555238897,6.8958917776285835 +5.444397877816999,2.053571826985805,11.132949420137212 +8.688955784016182,3.043097704838039,16.704309185360678 +4.909310102360605,5.295107649301624,12.012332136006844 +3.0764654743549844,7.3841962106968815,10.360967400678707 +6.920729362337566,7.608110282212445,16.15793665373922 +6.05920469790994,4.601822922598777,13.49474075776878 +4.489170965425162,7.165345616184656,12.326828540532343 +3.77035241055516,4.37259781112186,9.833315621015277 +1.6367111922203437,6.796304563213801,7.97395477248583 +0.769247492347932,9.905121608804818,7.934145006023176 +1.4373757716961566,3.8297839611842632,6.042953923509304 +2.377806328982813,2.9065812598384158,6.958735558862996 +3.224532493040646,7.18336639054379,10.465869916157754 +1.7674927315444888,2.6385654217933996,6.0021020330576595 +1.0120609027044414,3.314599987140767,5.174211571443876 +9.41241743360522,3.8010898268333726,17.94777084992808 +7.773383040465326,4.617039380000941,15.96619113362814 +4.495996843120316,8.239709440034147,12.896186845652446 +0.26819453573774465,8.648864992094799,6.708880857290096 +4.8520845160018595,3.5112718518405917,11.144517390876779 +9.068349509589009,3.398593517735354,17.363022485012625 +9.776973550861962,9.363564992829547,21.3491460398003 +2.67923212216742,3.4060271982368153,7.4872597543137065 +8.121675460170515,1.9561008226472643,15.138732747424154 +7.319515640715224,1.2915114700852326,13.688038846628574 +2.05605526745966,5.005058095886677,7.558675935736336 +7.458817268164229,7.394286435511823,16.91569460691594 +6.089222722467452,2.7211267389590588,12.471939793156432 +4.153778641434195,2.4621426658416032,9.484988617643777 +2.7701742504079685,3.2322402069856615,7.911482325269281 +5.988477110335224,2.075948885511658,12.099364599864009 +0.4256951918409757,6.924546517991628,5.971257969176211 +0.21806400605820286,9.707848178590684,7.015217720513673 +3.5028551024667065,0.06581372319182655,7.331445308574756 +8.845853114145205,5.998045333368279,18.384587667128354 +8.173922948410068,4.3502471563596545,16.269943087311606 +3.541818830139334,6.551894430479303,10.56769470655846 +4.060008748911285,5.562085980209214,11.108377953569091 +2.7782287811474395,3.3264540673077505,7.8037063789149315 +0.8219076322172136,7.813719867183654,7.392307129865412 +3.488508269738971,9.749991454311246,12.02539805886664 +2.597588241187918,4.750526802695258,8.206955507160094 +3.0553220053839114,6.939253749156737,9.982314670480166 +8.083659196204206,4.8701073051787755,16.43262369540894 +3.6692755740621195,7.447513190638463,11.058539116614982 +1.9145504406402525,5.99466338212132,7.847033124225965 +7.336244602729196,2.692696113790727,14.36520145145918 +6.556993401140194,7.3522614508692605,15.439942864014219 +1.174166294840725,3.2390748433916983,5.333164948298502 +4.063060479341884,7.759573970598979,12.118985230039488 +5.675051329125401,4.4956147313691055,12.85755871639706 +3.1877244867089605,0.04061367224883705,6.776025942361986 +0.20220090963587012,2.404462257362586,3.548520036104765 +1.166906058350926,1.195865970277754,4.184649710728531 +6.027396240664463,6.054553232201946,14.095333667058398 +0.44772109437343,5.939352518004133,5.635016968541868 +1.4581859403370157,3.772257348072394,6.035991012170933 +9.896838596675824,5.220053632204489,19.458565711104722 +0.34188013362345115,3.4765820167920825,4.238227031590148 +6.708981588367661,2.2459788463509,13.055097873411329 +9.644492369585763,4.252936978909156,18.76118435557271 +0.21087306742710532,5.405661646129588,5.114222177217484 +6.761896243525371,4.559911770517356,14.384020676256332 +9.281708397738662,9.019321674656064,20.256166674636155 +1.3896007315275782,0.7994816734445687,4.238513977209879 +3.123089974307902,6.0813266226768645,9.925768656190769 +6.0159531431533955,2.716430997250232,12.36477908566293 +9.511005467770005,3.0733171671553405,17.879465024290056 +8.041994361011563,8.319801805847018,18.128019548127106 +0.9843501892734252,2.3255291218085192,4.608552702562062 +2.1519150795024364,9.196513167747996,9.800495921398568 +3.511049239389352,8.364713333915073,11.47307666351492 +4.7801800217727495,4.5721904419402035,11.465352100127289 +9.03421357593244,4.40901407194427,17.6636008091294 +7.448519172309263,4.243775017903672,15.201397579799938 +1.018697365763126,0.5309479449744814,3.7853653514273975 +2.082401769786979,7.2226803622710385,8.559511582684872 +3.736497201004947,4.541075813875254,9.792976114787272 +1.0187639851754826,6.230375997880595,6.627920157923966 +8.034482104019519,6.246832440043619,17.214889332043814 +9.846140818253062,0.1634139151247116,17.0012617065509 +0.1566982725052124,5.000056031150403,4.68742895452241 +2.6640805887705676,6.865104053510038,9.432284359279226 +7.932101535531324,1.0243590878299969,14.223595477287379 +9.173382027462356,0.29922937806101113,15.943169094924345 +6.884039277944968,3.8450076625728915,14.157626995090775 +6.674392128098823,0.9763632161089653,12.468946314705006 +9.370803194387888,9.374083398400185,20.79083464588722 +5.194008141761117,5.0958453406514455,12.390703234736861 +6.348081878137043,5.800689505475377,14.277092800220073 +5.435465668275113,5.891911488859332,13.179349259843693 +8.586301721786695,6.110667795807842,17.930899052008346 +1.9583435479674471,9.139120403792083,9.633793396791765 +2.1596061858284576,1.6516169479102483,6.21138080296641 +9.970578290638613,2.1341669445302824,18.183563989521787 +1.0009335865940738,5.620072108693006,6.168994483730914 +8.271937436749932,0.6075071986330216,14.75188827263983 +4.901041752182733,0.6850234045698911,9.536334314857605 +4.286911178892829,3.4396012877032502,10.280312464312466 +1.3712941813305646,9.310210234302158,8.85642348428157 +6.3488697945236385,8.430563005782071,15.836391307502419 +9.059445291815098,9.301853309884876,20.19763467458826 +7.481146163693787,3.0694831523419728,14.81088551903029 +8.289326188553535,5.201829114820699,16.97967930667893 +2.7165392182677053,3.8577380999391977,8.005054868176321 +3.012235307731086,4.662040400030274,8.840152306526758 +7.813351381209122,4.848673418425334,15.94452950624907 +2.6785857809098146,0.8740307467903075,6.3739434761235225 +8.557560871295989,4.173686067763446,17.15027028579815 +4.4192254537461775,7.637215702325718,12.438776867477738 +8.497264958648096,5.111449079746705,17.317644722639805 +6.3236783380858705,2.3915670053898355,12.680433943912949 +9.350679455660263,5.679212680617419,18.82457312470369 +7.19604890495193,1.1421305435257079,13.368749349198152 +6.369209523577165,3.6894978240353318,13.357862233785657 +4.5006297517849,6.821620323424028,11.933459817999656 +7.963275432084448,3.4936523833503177,15.770362093325582 +8.732368522346308,2.189903041916951,16.35479126799963 +5.628982332626181,1.5126548033473919,11.083383095182127 +2.89249772394387,8.954114693972594,10.77451902830482 +0.11556776074954644,9.156111886454468,6.901403008948199 +3.2840203391386016,6.957954198770839,10.32786729782835 +0.9171829443416779,6.4127146233664165,6.620903437336674 +9.094612797651886,5.5520192539998305,18.850620897538757 +3.6212149828347586,7.935776200961938,11.462937559127448 +7.127254243715928,1.1769256092193647,13.28622670253807 +6.6570153687663645,6.646558460848796,15.396973327553841 +7.519211673596979,3.163068651402565,14.938026523253802 +4.01277981640796,9.600380565358119,12.753133716145566 +5.734569207777928,5.0850497709814455,12.970734384971264 +9.868496922020976,2.295576318960557,18.009924892175743 +3.979369100588197,7.598835615957889,11.84285719929061 +7.131005812860445,9.667006430758821,17.50026096808822 +6.543003408030842,3.13094973248686,13.544499573279289 +3.9765196705467485,0.8971292401678987,8.557817719714684 +9.237202583220798,1.2866802274619238,16.576595774969693 +5.4570372407644765,4.013951246174679,12.164669339697163 +1.3422361303273744,2.9299225362479806,5.269222844274635 +6.335690159041251,0.3125149111086578,11.642357221995134 +9.659895333512928,9.090956179700505,20.851701951449655 +0.8460144632650302,8.6835354835389,7.375080224651184 +3.2857121854824687,0.675044485257742,7.3308063783906015 +3.0611283429189564,8.08887494217285,10.753360710888442 +6.658314521679224,2.3855960067038873,12.98521014970794 +7.191764765702419,7.07821114510539,16.301098164325655 +7.428613635069439,5.4065666766373965,15.844454502019543 +8.189456521207031,6.413622179569134,17.461755407768667 +1.2539920974439245,8.10255987755335,7.79441679140853 +3.237681050444665,7.050347181972936,10.51479886229243 +6.7513170609180575,3.3591252103671,13.671449219667068 +1.6168365848868216,6.949580879403577,7.705125524766145 +8.4902335307941,8.382313169345352,18.78906211547642 +6.26504841866366,2.2740726973478473,12.582743203381698 +3.1620996730295117,7.546276809393766,10.489567533898306 +4.108539297069278,7.324974184681805,11.748271355324507 +3.094499925931257,0.06318246536731964,6.726106044524499 +6.034900646563242,6.009163551054007,14.090195549424594 +6.275546827799966,2.6818563576848184,12.523516264669691 +8.110709503115888,4.874668388303654,16.655155195617034 +7.6238790898484705,6.110934643762647,16.60940925553356 +4.160708148023207,6.79626846640612,11.626878278095264 +5.7497735601205555,5.107111333978873,13.154724526512785 +6.485605259193069,0.8593897636692938,12.34749024954365 +9.102610893554289,3.350820460823604,17.25834468433706 +2.246929635870294,7.717963576761781,9.212810180342569 +2.3122188709251823,9.9576962320106,10.48027441822711 +4.204925415634429,2.9662440866314332,9.795354199073259 +0.6206507262607353,0.4180417736382014,3.1127685455683136 +0.9514056114036795,0.05032828812111867,3.46119497827644 +3.270899794059403,3.104544001008059,8.615516301010524 +4.300917454385892,2.329229232410981,9.696756562338171 +0.6274115794411983,0.7116252795294875,3.289458228428453 +1.8214637530518296,3.1658952686911466,6.228749250078611 +1.4799205021551232,3.6511782361442933,5.972369446689949 +9.222201533621982,2.6160300952961677,17.236339056465876 +1.6839931701264688,6.647762530022318,7.6905387965865275 +4.908810379606986,0.47254015809257144,9.839804623189078 +7.878073311663888,7.15342971853776,17.390646358356662 +9.772983617403412,9.383066195622957,21.213153711384916 +5.8424829362524395,6.860212935806126,14.212028461473063 +4.095068239868271,8.884671865290466,12.504867692809015 +5.528088251993479,3.255513263350455,11.877990313488372 +0.09491491909582539,5.864497649769998,4.923544024149697 +5.254338905148945,8.118771778631032,13.917033967071017 +1.870046263066364,8.154012678473412,8.669811954798433 +0.15283610255563573,5.8731337769973235,5.105834433170225 +3.968524012448811,3.3152052134239174,9.527657938754714 +4.332959671667206,2.2359148619907265,9.56716510217748 +1.8342565309997516,8.051068840014496,8.700499283070506 +2.2775830023064736,7.369719944963659,9.104630889318639 +7.113605444426323,0.33400415707002473,12.9262107706734 +8.810724201875452,7.893551300933803,19.1989231666523 +7.960672494233842,8.091910522190268,18.11689020112009 +5.825532290750638,9.93380866887762,15.655349871511985 +1.791521404774551,0.7233593094167479,5.081433247413465 +7.04167472379422,2.9393723739568625,14.068609731607584 +6.082332239300527,3.9170161293884265,13.197171595120357 +3.335241585010035,8.932486245948724,11.396060985863137 +1.420434586119319,1.8898565439364912,5.154463380068049 +6.678408528700807,7.8260101276512986,15.844886857011375 +8.322144919849215,2.311497163422519,15.581973934627857 +8.82113418289454,6.095506564245553,18.243588936591152 +8.232184189140433,0.6852194020321967,14.736203332828675 +3.5689433598542153,5.2486398449066884,9.869034198154159 +5.769570325822859,0.9907155407370616,11.054947873458921 +5.386582446021755,6.654864330930246,13.342799480638709 +3.6159508576467267,5.0073924428063075,9.932466831374262 +2.925664216440599,8.705002718719854,10.647372845013857 +5.992066066900263,5.5127389613589575,13.770865751925395 +9.443574258777101,6.649315236601092,19.45423579362239 +2.7982344153942806,6.417530811939493,9.471907600583968 +9.616234566532215,0.23558255927298544,16.548437288919317 +6.265910070109943,1.5683496088644933,12.35825335908723 +8.164595110663893,6.40684529641257,17.462429948229346 +9.369894929695665,6.695778620974298,19.280892759285777 +0.17218893157644688,5.103538444008343,4.788775885006281 +9.036680636161552,2.3230300417132907,16.718649984504278 +0.8289640417988486,7.198878692218418,6.752018002439057 +5.025085669391199,0.47595261394701605,9.927314685773133 +2.7991523243942407,3.2674864764309532,7.801477945711158 +6.678614779875019,4.716002207107661,14.311456410651632 +4.871903265610852,8.066036995945774,13.359027508161907 +2.7841709850146312,6.72572741575309,9.448499449082385 +3.6755730482872497,4.183700475466043,9.701844491307515 +5.559024131707608,6.956468048022922,13.893305467155638 +9.451952608993745,2.6901116255827295,17.536047178881567 +1.037452196420754,4.287919226726037,5.759293205104563 +5.4671599881767285,2.2800360403922317,11.290790939869709 +8.90495773964752,7.98847015879557,19.201399728459098 +4.936639134421938,4.500639330355886,11.622717596409384 +0.40741256704612483,5.368897327762764,5.245416010069196 +5.957470954238873,8.916317814524499,15.190711755562692 +5.010980657464822,1.5737742267812926,10.197572842260874 +1.8005690122334894,1.598674185234309,5.377153117119629 +9.385348740555612,7.933892573604072,19.939589867817364 +8.247661263200536,8.40433518810454,18.706990447969652 +0.9563464258992527,7.0217685618161205,6.996597806895009 +7.043367125220251,2.24821707930745,13.785656478048606 +4.9066577023923745,6.624308841184847,12.723099809158795 +8.973364369126305,1.1042551092998354,16.120475174002628 +8.92193154006635,9.224149665938393,19.997664975495404 +9.236098348240473,0.0483489210517829,16.02988916427056 +2.2099877275481883,6.912452360253712,8.648068591587737 +3.217397809882776,0.6108329151586278,7.12473927319642 +7.629420805492709,0.2859219246508682,13.484603546814819 +4.460213279321438,9.475760907554891,13.55237052897806 +4.402328263640848,9.118872854028066,13.204908150727837 +4.090042459292205,3.466861091019595,9.987163747135822 +1.0738280259902344,3.580909090271992,5.260849868668349 +3.3698649002180647,8.46551185976985,11.227309451913627 +9.199151742159861,0.21930085753329887,15.729983063232112 +0.9825641054700074,6.432284670901832,6.726116201648963 +4.8474288809049435,2.96878635047096,10.71272291597039 +2.59907059716328,2.2467458951861987,7.097537529579308 +5.254508692581371,0.17479936487160064,9.972328191109213 +7.38884376468958,3.0038800789073106,14.372187148351752 +4.268314512355706,5.270521978420586,10.871694940853454 +2.1135960272764898,8.837026474237021,9.597148671411318 +6.820932551782672,8.702963420696664,16.62945273710578 +4.754506052642347,4.324604579894097,11.072432862291425 +2.371425685091416,5.448403612074593,8.272992548555713 +5.931635733179066,4.199233770418372,12.895330308283595 +1.4538256031263896,2.7310446229560315,5.435239303095158 +0.14251509517366756,3.191387678179142,3.743965165973412 +5.807589766242067,9.557110978370051,15.50229204439886 +1.7789679638942857,0.5546453052747968,4.875120073119236 +2.963112878714621,1.5679769816860312,7.030043440758242 +6.955189968940561,0.05749164526665629,12.47309406547191 +9.808670922728794,8.556666752623508,20.95627006675097 +4.906705920753787,9.209422198069069,13.87094142367085 +6.280593326572771,9.937648766891694,16.358931617279854 +2.783062014094674,9.969061426175136,11.124338251770137 +1.8024729212207224,3.5341836763904033,6.475202502183823 +9.353240803400945,3.7054228525371844,17.857783642371995 +2.0983637706986658,0.5948710547322911,5.461522109490339 +1.4895820972210694,3.552234403211858,6.005629634070105 +4.2123205246870885,5.424511344202396,11.11270586777452 +8.135879945271807,0.13414849818384145,14.4293679864074 +8.411161312305769,5.7724934302310915,17.501475250895744 +7.56478058284502,7.569792207075244,17.069905665576087 +9.032026793072855,0.9338020883434817,15.871257103569912 +5.715152883564048,9.090295283948207,15.182511799793735 +7.192063140382192,0.9658491149653792,13.180769822620183 +6.139643108797569,7.998809092009446,15.443623888179106 +2.748617863056988,6.324932350167138,9.563310300265691 +8.404122213941442,5.238669559081545,17.204215173888773 +1.9418720084542562,5.496821221167441,7.494718489404747 +5.880039331549485,4.028527722340598,12.89970126110797 +6.7961662452759715,4.3333289468839435,14.570792792457407 +8.77405087654474,7.916254675121818,18.987976078147632 +8.047718658491501,5.260767052732854,16.891766737656972 +1.9634782059067057,7.244218191083316,8.382426125836496 +0.6892135157943158,5.175749361529872,5.476274847876667 +0.5297908148151742,5.284186873570117,5.4676760225320855 +6.8592216912890525,4.191982464192985,14.486494633145956 +4.169031665543206,1.2279385027416034,8.860872808232882 +3.018496052983596,4.442737205850066,8.79405462874211 +8.635621386302258,8.979799023390765,19.553772870211006 +9.535801020075853,1.0026369712668037,16.927038589590854 +2.9621081126888757,4.629129187533479,8.695496781625947 +6.417438243900523,7.027984895994934,15.053804292879674 +7.860162886189165,4.958738100601538,16.374970979151087 +5.565842666268948,9.605706890515448,15.197038816280712 +2.400282797896959,8.037597428841746,9.67809622202236 +7.118180343574544,1.4008983672810615,13.311601328998485 +9.264916927181044,8.553561561264484,20.237961825657784 +7.795046528967262,1.267735837535593,14.216989108525281 +1.3967053109285044,6.831984581985743,7.535774401267181 +1.0727001517909873,1.1331560590282908,4.1868053400195855 +4.002794669541091,0.05377888775621842,8.042949326067024 +7.214834028159948,5.402069931748265,15.601405768022932 +0.7817414921465082,5.435827484623426,5.788505618591158 +0.5408787287692796,0.706961059982324,3.2324912364773484 +4.85466190151454,4.998232505156452,11.783174199813638 +3.389947728932033,6.217714583118317,10.11462370293721 +3.8735840265479107,5.8696057901298735,10.612997081962419 +3.4978493739963423,7.149669646589755,11.010476445812174 +5.792861174595676,1.6004354684222755,11.482564446708372 +6.8626885517771985,7.839359225334585,16.1782156840389 +0.6587406795608264,6.099605953006096,5.923546572064576 +7.9042965601307245,1.1465289777860344,14.538574742901314 +9.01652419735031,4.14798786252756,17.699888677921564 +7.378398210987181,8.990498468292675,17.644696568480548 +9.896371508702831,5.839250640312898,19.758079268302442 +7.042739285031542,2.516996741174199,13.89773309210692 +2.9004637218538676,8.507694269025949,10.522160505055119 +3.9824390365233953,8.224339544280378,12.107589784623826 +0.5059681453845277,2.182534217929124,3.844786949031248 +1.7009408897015288,5.270674697024573,7.2134533899651965 +0.8053054755662958,3.4387043742130805,4.7459943353642275 +9.862451098505963,7.942171367003721,20.95173116461853 +7.605914129199613,1.3511469944054277,14.24629780453584 +3.645591065820133,6.805879712872539,10.756323116673622 +0.21625237243396267,4.339764909761275,4.55199718007931 +9.285897892227744,0.8233980689960785,16.19184794178876 +9.062593387060003,1.9452162452103605,16.574884590778044 +1.8910722334413121,1.9543595876354314,5.594215432217241 +9.312560823032115,6.037449943936627,18.95834976604618 +7.50788945296873,3.664076060846715,15.045096316162853 +8.732509359731118,5.8193713591493745,18.12412389117505 +5.998349332065411,7.523210520781372,14.925976982386272 +7.736426233391618,6.8186357158629,17.18305599163364 +1.1890993359587532,8.667265927332249,8.23310784550934 +2.6089911608526375,9.961941583429196,10.902699296583988 +3.855079317685932,1.1999729759892763,8.42143522027961 +3.160865025891958,5.735342436006973,9.64731248427312 +3.9144623820241984,8.28681688969221,11.897070176568441 +6.822062954204763,2.1345056560408384,13.414939858184997 +5.388533049632954,7.875320001982344,14.08946533516226 +8.912337515525644,3.9494433490804157,17.416878204780947 +9.24464720151439,0.359694596194714,15.818670965950595 +6.766912021797683,7.819847448421914,16.105566654595467 +4.251413806420555,0.10974475918825943,8.532557208938682 +6.870351602694771,3.42564242537991,14.016824291172824 +1.51812954692514,1.5710877651581034,5.012664060454222 +7.69164055831321,1.8738942421244076,14.338166842554807 +4.840982981421665,9.703893596565585,13.970006382436086 +7.588186978683416,5.471936487147334,16.13368198084453 +5.282753526241997,1.6732744154661705,10.737292133475254 +4.4642357501527385,1.4489965390633541,9.395974394189777 +0.8358211523104353,1.0913723595923452,3.9523103089278564 +6.066111566517781,1.9355298276185628,11.941340750963944 +1.4934551499108384,8.671309620969872,8.541267338646819 +1.2201296323445288,7.05635113908799,7.527780935497018 +4.170002621473965,5.790797377649594,11.11919339857509 +0.23355414497008287,0.00019239516578783977,2.3570561864780326 +8.172485440189245,4.754411585097663,16.618424666888206 +0.7130693644919273,3.434561031905483,4.857463016277403 +5.063544362507856,1.3549347684699975,10.067279759469029 +5.463379497775377,5.287507198372642,12.818487374796684 +6.028351663442258,8.102618052554385,15.099280990706347 +4.127788133868618,8.885600284600713,12.534661996347548 +4.746737529099381,4.571489642143128,11.440210289404808 +6.5568569840397934,6.175212153247837,15.001529410132678 +0.11434938758926094,9.82430590224195,7.128870786537501 +9.42693586144468,2.8128594249655583,17.724761357473614 +5.58583340165752,7.704851735896495,14.187839996090798 +9.204678240979582,5.859066401244995,18.786408199304283 +0.1894013293818242,6.806779475372453,5.735096134242276 +0.9307806889903891,6.711777735375999,6.728498286092955 +5.874276020306337,6.406696279148098,14.128102064995668 +1.892576989854008,4.936098628119563,7.335738467420629 +6.179567944667287,3.002929114141628,12.650712022025381 +1.8162326142349772,2.2268073888629916,5.912812178595347 +8.580166691097794,4.645435202950007,17.143030233702465 +6.610733769765536,5.148888641489951,14.45826988667054 +8.34127251874082,5.084948671472862,17.029514037764958 +0.9332531292163071,1.9798469353315307,4.463332295915326 +0.13265415172021178,8.315242830597276,6.464501230012912 +6.632728333076844,7.592019181216655,15.729153359540902 +7.150202346962508,8.244796887366972,16.82601792556501 +9.869695031172528,6.534713299105729,19.867184678144127 +2.5226560296043865,1.0139004220984416,6.219951602790833 +5.8974792839465255,7.7075706128081265,14.605327692398008 +5.615717142012796,3.035547680549495,11.972468911808356 +7.197348479057359,4.479724960696646,15.025178351253002 +2.865891012923243,8.41084488024411,10.413375337186064 +5.76518781118207,2.834479978862899,12.080292035932175 +3.2860433431891876,5.716651153847612,9.780625017567326 +4.229235939919523,1.6051911813440112,8.892407209320197 +6.1046993239208,6.891100660522453,14.713391369011752 +0.001087962834345202,5.368693160933827,4.787067597019555 +5.771614798825668,3.320640542289681,12.293950497872151 +3.387312590381338,3.1765888232932085,8.704523047180096 +4.453280683279859,8.119398788593,12.707093241854855 +4.690260670929288,9.936487066810608,13.843189720487183 +3.7615867476683293,6.992622561673052,11.355063788185122 +5.489656713907634,7.622886211225538,14.120904698308506 +8.883645690097632,5.116832931203175,17.97794529413942 +4.9447920917864625,9.427190298935198,14.102328842731733 +9.336595726300137,9.969967295932273,21.10247491261673 +1.5647591528779492,0.03568723635277493,4.227959485760735 +4.373103020731042,7.333401633600479,12.20180663946177 +0.7285601012879983,3.7360163217338584,5.0348295685454865 +5.814594767876022,2.1254742505116573,11.721948559701952 +7.311419977782361,2.295376549757513,14.205889471575238 +8.406720152138185,3.48273337677957,16.381822164100235 +5.986484473971104,5.441540071000059,13.721458484750642 +2.964467164776038,4.390716238093562,8.5700521728027 +8.459730918921931,5.483442856258971,17.471755438967598 +0.5558696082733783,7.130322909213239,6.592220461875443 +1.8245249779619366,4.860627635068477,7.184629924997003 +4.685388807071128,4.864869285502786,11.516114404277358 +0.31014006325993937,2.723885192014249,3.897504926882375 +0.5073547271889456,4.149567026208915,4.7213741365916695 +6.213367272862155,6.540741257092843,14.577163986938194 +0.6454800365952551,1.1888910496493899,3.5463632618139433 +6.615067786628703,5.311876495533975,14.366048962151895 +8.33412008228574,2.0514216721434186,15.605788198706318 +1.2034228757638321,3.62024146137347,5.522072680748534 +6.370671349932716,4.859672413553534,14.053806543922088 +0.9859326609789898,0.7129208892642425,3.759556691432896 +6.776936271588566,2.9696821141672345,13.854456778365794 +6.694824710171956,2.949148830766559,13.488955798024497 +3.147942118435425,2.098147314133487,7.963102942882171 +9.837169615230643,0.16070290093560757,16.818834853478275 +1.2725243386163487,8.36290180941736,8.084890426548817 +1.3816173406052112,2.806968919410732,5.6325695297641145 +2.6278496827765907,6.969855822578816,9.334945678920501 +4.11201178039824,8.405878226309893,12.375952507360733 +7.47427195739074,5.311013312078162,15.920868268605535 +2.4906177561907428,7.924188095360315,9.738399579663893 +8.659905540945067,8.36282511108605,19.175573149965054 +0.5171376761150204,6.979586828554397,6.2560673775531646 +7.039386362820769,9.430755398961711,17.359101491054513 +2.6347836672903346,7.863468295099255,9.901588312590752 +6.890965001623133,8.787269711888662,16.826720212436598 +6.933080303141232,8.524545367334454,16.701082609605304 +3.595753470369946,1.5762442073210237,8.246772815410106 +3.6335203464592425,8.150516888452445,11.638895273269785 +1.3164997767862274,6.379451792950778,7.133467375102462 +9.875560551846307,8.950148757955441,21.399060143216996 +6.7118332832895025,7.92630326828162,16.01522008549294 +1.1647645406562168,4.988337625135698,6.10124954331163 +5.319124232729915,7.826957596259232,13.859245401760704 +2.825933457115659,1.0648528644172695,6.6990563802474945 +6.98113842587167,4.925941295713304,14.972211750174957 +8.422940597187164,4.814896935386849,17.01328155421794 +8.46270779188329,5.0783500181841905,17.246023904068576 +7.826985098229144,7.207451789197666,17.445625384911832 +2.660825403801307,3.0939832508704077,7.686807127455812 +8.991955225192292,2.310071276300043,16.67223861182704 +6.975005562609415,1.4512013199730467,13.296673994160377 +7.551583712492418,2.232898495793264,14.426110367173717 +5.94065372751316,5.642434877370377,13.575882133416263 +2.035142530335162,4.914033211256898,7.391798154604046 +8.792480254429208,6.8052934815202635,18.57179623168373 +9.926543990991659,7.845542609961967,20.89214670122378 +6.434554343030047,5.632020641554181,14.448554716708978 +9.374286460287282,5.27013437352529,18.81508487293965 +4.026727706358195,8.344935793691034,12.395724277055459 +9.402444189203516,4.789168919001712,18.409423263912217 +1.3723852361260258,6.083728182121688,7.312928017393233 +7.40882261929065,3.7363608318344035,14.817939922874915 +7.478788575646323,5.3105134264229115,16.058323012693574 +3.013561304097961,6.295212284428276,9.664595679014605 +3.8894756551638476,7.86825503955251,11.745056623163475 +0.030800279168585742,8.181781159533115,6.136289066491301 +3.065752775307602,9.596265634799806,11.316765031896425 +7.591648676243635,2.410402847657891,14.742829988208541 +9.78799158731481,4.995805919967217,19.11068997089295 +5.2292379726459775,9.095181340938653,14.33499647990191 +9.184030674817853,6.968825042166329,19.122533419508112 +9.784496395622536,3.2887030958741614,18.2480297957972 +2.323365844019328,0.2925672144720559,5.561307871222519 +3.4634493847778747,6.026333433120849,10.131604484728364 +3.0537904991663067,5.796202571320945,9.461216514622691 +0.48385752163867646,3.5409106464623106,4.38476657955068 +7.480049064806945,1.0432686019096704,13.90115986715922 +7.148374556555154,7.633111130094889,16.52383733602514 +5.6876150911687375,8.860875530709697,14.999263820279904 +9.54563512225651,0.3467748295371187,16.578019223462306 +6.790830240705406,2.3717450247352945,13.574611620565594 +4.081833090048276,6.231542825096992,11.329509344364391 +7.122722703254764,8.401909297412761,16.860255605686426 +7.053869182835928,7.77398993863311,16.360525075144302 +5.9907119935941155,1.1705908372162488,11.605172872662761 +0.21430314885293344,5.2978304892152925,5.0765996291909525 +7.155410479517999,1.0886558844135674,13.291636837157611 +4.292959478756153,2.561773967556448,9.726847811336038 +5.670930501369078,3.9050275242382804,12.480257973879798 +2.014675004341464,0.04392713739444609,4.856997480434918 +3.2152509538093055,5.161621466863124,9.418334018882906 +9.292090830034592,2.2747601488632894,17.14874382044766 +5.122550659636333,5.664965344743514,12.5117403542475 +6.49227656858986,3.28566350874452,13.493597587459293 +0.9948181948997747,9.213562401822422,8.214697103882651 +9.527554288535946,4.382311382469207,18.43209726425356 +5.805749619178523,0.2902639327931711,10.897935327592146 +0.47215641115174845,0.7666741582658188,3.095847332668296 +7.38746314848921,2.272344910893498,14.014513910718321 +1.8444722297437843,0.0833533275678433,4.789666341953213 +0.2289754427358881,4.053837523349929,4.267291838479873 +5.416779306771917,5.790591817679196,13.033863821726248 +4.57911181180915,4.595612721428383,11.234749135150881 +7.5314218526627705,2.895701346001175,14.723221620475687 +2.3771781800893956,8.543241880318309,9.74738474593506 +6.892638077160851,4.768664490828705,14.746685987826256 +2.75404825534007,1.3658181957861848,7.058352025517112 +0.3742119674997646,8.523653579912416,6.605915420707517 +5.933855013971914,0.4582949291187932,11.153210493872871 +1.585873978947544,2.7956426815322413,5.722253864137367 +2.6307158771381403,5.483909892212689,8.64542055246483 +3.994436231868651,8.822166042619665,12.392268354510714 +7.194107006078214,9.107325693100796,17.310417692888425 +8.628186251594522,9.213691334934555,19.609305433686426 +9.800114502887643,3.1169643805946254,18.234474922011163 +2.0968060385365996,1.6515236221574314,5.754783333388197 +6.280884650157843,6.809666981764003,14.954127399064957 +0.8783749421064657,8.210715967326342,7.5358482473978174 +7.830665314430982,6.284739332057888,16.827691869424076 +4.356124794696335,1.536572883759959,9.307450827424159 +5.055922709318871,1.591692955414844,10.501489449414102 +6.049787850889335,3.0996473032306913,12.727821812602429 +2.4730626230379684,4.410513799549696,8.050587753799647 +5.807128002586647,3.6746406557137945,12.585460082245712 +9.636034011382877,0.05897635925030231,16.560492553301934 +9.128610184476774,0.006840494826374499,15.837212353309999 +2.1671193866342398,9.963512248545621,10.198106631890191 +7.280953757136894,6.444983717140085,16.187984662377055 +7.260928808553971,4.082961870193744,14.718215134620168 +7.842097313262926,1.5486803291827955,14.379502044936403 +7.9389238739559795,9.395266799110948,18.656017557042617 +8.576868505065582,7.396609533033932,18.628873811149063 +6.51377313161677,5.210921653216274,14.33739205623572 +3.9522327953618808,8.656535908598395,12.195975853676465 +6.474585746480768,4.349003139146987,13.850823415585753 +7.847917181143583,0.5410375403834811,14.061581484576058 +8.131192509329653,8.107021727444602,18.018927021038742 +2.2852941332232026,0.37671589911896564,5.662861024944858 +7.137079555297965,1.9987162842971606,13.70821829707795 +9.960217907210659,0.09182445242662762,17.01098200990332 +2.2979198124899067,0.4206239727249772,5.644818761645496 +7.826557354502195,5.786954921738933,16.495004791031448 +8.484345345459142,9.626133706729274,19.429765349189 +6.1011486037540426,2.3175350361801197,12.462838995566592 +0.9264944079761006,8.662610449795004,7.6567843565898475 +2.4511325501859726,8.935182246980773,10.225071437711591 +8.78287599614275,6.278092122702602,18.205123597072987 +6.0399582057515975,9.50826468526888,15.812570048162772 +7.560151017849487,6.832817711805738,16.712567079137592 +4.357407520184782,4.839984457368836,10.92735370664086 +3.8892109833166844,9.4632102035993,12.531421279686167 +6.381192131932712,7.803635877237777,15.617998306108676 +0.3719973508255059,8.52426302141843,7.012876171830688 +4.176382974445806,7.371603748161633,11.974139353824203 +0.4002531482077565,8.938731832859649,7.028475801077458 +6.598455895991945,4.575007908713272,14.05226505182156 +3.0355809901011623,3.110241424487178,7.96868521627808 +3.033981244763994,1.3102585274515222,7.351036767324797 +4.638095380290769,4.534863541340686,11.0777152864134 +4.119366592900674,7.030942374846187,11.65048736806533 +4.1981486267841746,0.8900371683362063,8.75777225615553 +8.52059622313688,4.2510086514726595,16.646242349114356 +6.552856542859299,9.298963546902861,16.353707138148028 +7.6741510286580485,5.387988711782038,16.07137827355399 +5.450222571757909,8.495310370914067,14.35641849830037 +8.236322930908063,1.7865273212742383,15.273616344373842 +6.265010815184368,8.657156584351114,15.828872211890321 +8.033074270090628,1.2471601631229279,14.606835954531032 +4.3569282233667685,5.182331046094028,11.080391882778338 +2.578095545528367,6.794993855504149,9.252682138563602 +4.762264925613292,2.9750870865296566,10.550387255679784 +3.3686452563411295,8.566683550066461,11.37809064571321 +8.661998054842552,8.123756574128377,19.099744766211078 +9.138688211829365,9.523065086814588,20.19740726751655 +4.91827910779909,0.9670362234966712,9.924879132528698 +8.000710073097888,6.334319284066284,17.18094540300044 +3.805171902296016,9.755331526238871,12.611300477819837 +3.3868520270363645,9.07633978666102,11.73640742690732 +5.925844480586421,0.36641984075884704,10.893347132245957 +8.603351080801481,7.62211975255301,18.590537380160672 +6.424875463293921,6.145871400769716,14.703224980551854 +2.18835492655903,2.1448612919934473,6.122825450001357 +0.29172428396792793,1.5413746305369103,3.187108659202887 +3.3648126429650285,5.4072489634183,9.835449977480906 +1.3080855749772202,5.57572180273368,6.789653146198611 +2.6332012121179527,2.539611249423619,7.22750685126687 +9.479442074063794,9.923445438384672,21.157613447296985 +8.114385966009275,0.5439198073340168,14.400751810797129 +7.286317105437284,1.7842573179831767,13.773056300071982 +5.692213137208904,8.937136292090882,15.02976018973581 +3.8019563174414674,9.288416850672329,12.192053640958184 +7.083722173393126,3.0101181335766736,14.276953871595552 +0.9491719887943995,8.153512847683572,7.426750486548545 +4.580594084929953,0.7269348815996746,9.290126453625213 +1.0312235713505202,9.669613818954799,8.389678568593624 +2.4300195449556616,9.665911778573795,10.362621265080364 +6.81159579697904,3.004911018286692,13.84911568933201 +3.837278742434788,7.7703844410800125,11.749256650803767 +4.354149789253958,0.7475077766428628,8.747912312444804 +2.2981412956968694,8.603449729972244,9.741579766724513 +6.961741369781532,5.010161111747662,14.968429247451425 +2.4549566861561667,4.745906150899969,7.848254373466443 +7.888490577775146,0.8154319714217184,14.028397384358968 +9.947678187352217,8.597625438589354,21.136963745137773 +3.179657828482293,8.705767138822168,10.991048199428317 +6.817145299032963,6.66354427099329,15.453137774345938 +1.3970976894422993,9.058946407051389,8.49381431353011 +4.503417969213752,8.032277583398166,12.759026369273817 +2.9952379035940946,3.080036656024979,7.9436475712358 +9.646891799819121,4.96659924663433,19.065033958590156 +0.5989071338300223,8.3570664703205,7.094920963237072 +2.2723002234973864,8.787537528090251,9.88165042312983 +9.164398779738246,0.7276601323800314,15.941601478293958 +5.824292275743849,9.815241055768464,15.581236575080954 +9.309196146458651,5.2524328605756665,18.603632261461257 +6.804931952692356,6.042620351590746,15.274005956765864 +2.032533462397029,6.529975745215713,8.249018469655981 +3.331411835008132,3.3797192919582497,8.636864410071176 +4.199881609405217,8.521768833377191,12.52155291233943 +2.3834582576190755,2.507916667454335,6.799359365492616 +0.07339913606552173,1.5500686891893622,3.101552779343675 +9.786792874049365,4.338699455064758,18.88086333736853 +1.9516469231417843,9.656818107569427,9.759866971844097 +0.27117868036942494,4.841663866400632,4.7016991066041625 +8.046021356275162,7.728252046136382,17.809623461323387 +1.892172654958194,7.0778967337776475,8.35588653208335 +6.2228860864585,6.752762161492667,14.82374772783281 +2.661048156277367,8.107343880317858,10.025330184968407 +5.592375093087347,7.2507804750533476,13.99832174241047 +9.395735098863645,8.554972728905284,20.29666415109485 +7.823374705269401,2.8964874943126273,15.009138511378861 +0.5408311265811749,5.746444629894164,5.7281584622671735 +0.34513053219391243,7.141897742187123,6.063209654635318 +7.368216712962708,5.6291126123866055,15.911484472958797 +1.6815191254134287,8.757214345683765,8.916349054344003 +5.95921232004772,5.148919500741098,13.416868212732549 +5.675917595420547,0.8288708681363088,10.950852814148464 +7.404370547389264,0.6077558388904403,13.281328621248315 +5.783881585159083,1.692570870704544,11.543862028812615 +2.0770193896633393,2.3325425070783936,6.275516618511302 +0.14305638488458672,8.918388311136772,6.827838654400241 +8.042352714898573,0.3128644766643218,14.133272297116417 +0.5698608799946681,7.828768474766945,6.636486757605283 +0.06803287569701055,4.689989137081482,4.4057276110142105 +1.0729725429430803,5.916322270185582,6.628528547829781 +9.983404178844072,1.720215155414816,17.555441507940678 +9.566838473593954,8.65478543935945,20.76520371643292 +9.858549681437811,7.661886336025185,20.597906130762347 +8.56994251453125,5.9459763957532585,17.71371096165553 +8.672840811745123,1.115122558794126,15.5300379399332 +7.416543043684255,6.287235870011575,16.19432519617223 +0.5984648273786475,2.915903713486512,4.233138546909686 +2.161068003725198,4.0517545079885045,7.073618833628315 +1.983533415237314,2.7482964415198508,6.422496238134364 +2.9603013524284605,5.998108951245305,9.383558475062669 +1.3487376007013663,2.41101234722108,5.189465064865261 +3.1714806098009882,4.490679382760727,9.087038381226368 +0.38088632829983093,9.992114520727611,7.572973188441908 +3.0039200255202547,2.873448607356126,7.786662612865329 +5.5487058659118755,8.540321793221162,14.66049938585231 +4.568093680607973,2.488392008397459,10.244720105738557 +5.658755031953543,4.829425500257297,12.95315470843878 +4.230748270222958,9.838829507842233,13.17903600213152 +9.95950264468565,5.6194382845759385,19.60169481187237 +0.6800392707181091,5.669175804828931,5.764507535028743 +9.524721483828852,9.256925306946854,20.925848172906278 +2.1550084943132264,1.901194820302844,6.325735779152254 +1.522558550115699,8.197843494123475,8.306823821065317 +4.900550569894735,3.380465706592457,10.976167559950607 +3.2480716883970038,2.7541324295438785,8.351318165951472 +8.826197741144082,4.096798927471052,17.244294870743865 +2.440177356418809,7.104048060652785,9.383688012251264 +6.354545568917983,7.1536555459409525,15.093835849524895 +8.21956114529865,1.0123371456891939,14.952287302165804 +0.019887414501447154,0.5056624115615416,2.3209405468107223 +7.067932591488119,9.344965402497134,17.345090616541857 +3.311053820163669,7.811941663944435,10.854844801684125 +7.291845108686693,9.780615792859198,17.816909319879258 +4.7079308148970185,1.6607296728689391,9.934153039868718 +7.6523140058774235,8.188188640214394,17.652379294170625 +7.073000757049153,8.631816732797791,16.978015660751108 +3.711825833199045,6.903150032235489,10.842569144789453 +2.63848639163062,4.464401459398376,8.21569855243787 +2.4249216915561824,1.545336726481451,6.34439217063183 +0.35953248001988736,6.71424258192334,5.841832025827094 +8.752730882774165,3.1441943431126838,16.7469437713385 +4.292353834477272,0.03546948302573516,8.626057385591421 +4.128547725314489,2.813221150820844,9.576227053902302 +5.742000301246013,9.08517182851062,15.352874427210265 +5.061525691215126,6.755326599028617,12.860251960891683 +7.0548283980562,1.524319121747465,13.467576428474029 +3.465706078118261,1.1314555126499592,7.807356078705787 +4.407466037885904,8.872856816097435,13.068483130063651 +4.809343507374137,4.5615298321892634,11.633096414617295 +2.093235457952516,3.1021728008705587,6.627286301499205 +9.365995725349084,3.029953242620417,17.691727130096847 +7.313865855500161,0.42141664914475796,13.160675646809993 +1.2831396009449791,3.114779163048982,5.4178883224050685 +9.014208613602253,2.1929165487905236,16.485105342237414 +7.267446100850079,1.6752446689969003,13.897326879627926 +6.128420461181417,5.868282307512812,14.240897940183276 +6.219479011396723,2.862765216625305,12.712794792841771 +1.621029969525829,8.864857491370483,8.91851556669484 +5.694439375014824,2.120431697209381,11.614534869563627 +4.133290531954353,0.6709149292520689,8.500101993838458 +4.753761166023742,4.2389077618296875,11.346571446095972 +1.3272623737339362,4.443723351825433,6.150213579644784 +6.395323395927059,9.284904447334245,16.016273173942285 +7.031851939595246,5.024352863697594,15.085938071391043 +7.700511178611423,2.7993528135084556,14.957119784531777 +6.687815984448893,0.05062166798474488,11.997707662193056 +0.7255113044952544,6.242656364617828,6.120353103272273 +1.9254957438795972,6.887295862647144,8.175951728990762 +6.367532645038205,0.6366674940792472,11.83336054394135 +3.9249666659466986,6.1300219830695575,10.864937770244808 +7.134816315833584,8.160841605267473,16.879084869735852 +3.304429016650259,8.367160422547844,11.19187399825617 +3.5425442600564425,0.06986841200003036,7.3002972058643145 +6.100058998370137,2.416685971579323,12.410703445712626 +1.243813019935277,2.5835781000481406,5.14676110718134 +8.279139980794053,9.140013082601818,18.96177159415042 +9.61696623870241,3.02830363000251,17.934120194789028 +4.5592870818904965,8.025261028081838,13.028692106296434 +3.179026885070444,3.8514318631294655,8.758658108159086 +2.372744892296421,5.723673193517258,8.391105714686006 +6.592666988253103,3.1843945508659646,13.570584053149595 +0.2423051651156427,7.3590781336997,6.128777602854865 +6.165972893465903,2.189987856013608,12.369924998472793 +3.1464767516577075,9.571135892696773,11.472426093287059 +6.30203545009286,5.954777563913845,14.390980995240907 +6.396907374635434,9.54444534793757,16.26006907217666 +3.3985907349299485,2.8091597610515553,8.520515213383037 +3.7674248026922443,8.009490940772274,11.594895912157064 +1.2095887438997588,2.0682469795268443,4.8048346882727575 +2.282455124781988,6.363773911870138,8.66797143179126 +6.4158302462923835,3.718863833906445,13.651895537771614 +2.7619227255126044,7.546519313195152,9.953563867960883 +0.3172656694982934,7.387377107480936,6.1590724224217155 +2.102739943708578,9.027770569478314,9.666118841421333 +4.13693245722532,6.4229690334244385,11.530679673916465 +1.2096930976784204,2.53884408450452,5.12273194853094 +7.006085943555602,5.503554503322068,15.28027977166739 +7.704773809645575,5.634023397607519,16.40062945108916 +5.693311807322427,8.582589817294354,14.688400869803855 +4.246899173058408,8.95044719657504,12.88461999889605 +3.7221524804499895,3.285942067700475,9.13867784277421 +7.794212767397787,0.11546399496328519,13.788492889499738 +1.721921198388039,0.7176573978778289,4.8681915330944365 +5.1210509300915845,6.280710013285961,12.88104835884326 +0.10375945862507119,1.6146354854033784,2.9476496764338758 +3.0254135859570566,2.942263352286015,7.89471595144343 +0.9713271689452296,1.7284745605053642,4.292159939019733 +8.470517609723712,7.005811416140038,18.42927097665603 +2.9609438266334664,2.63407464316085,7.5311475448927245 +0.8019920215335186,3.4890593739798383,4.96415188848196 +3.980695146276614,9.04181656387445,12.39089445037623 +7.4311571401520995,4.791537743490074,15.680192229386401 +1.3485726879007998,6.561616490083292,7.385298201822174 +9.360123127710482,0.7804485200735378,16.44899995109642 +8.486077678614283,1.8011455521915753,15.72143251789291 +7.012809343140619,1.8385603724341693,13.46295136507369 +6.000135548873039,2.3762458422922306,12.188938182308476 +5.416980621532729,6.001578691456771,13.06637437373863 +6.185203251071433,6.827988778067459,14.65570780711317 +0.6902957538494248,7.033874038379368,6.505974535314994 +1.5459772423541351,6.770324531369266,7.705162589792502 +1.2403761423740856,4.7941471055175535,6.068427634296007 +3.8676842598180583,9.673463566432673,12.741224607275887 +6.308091657444566,0.8820591325131477,12.09785422058185 +7.008864614379614,1.9413839927898324,13.44076733049877 +2.861503627133566,3.784430404446418,8.301965838411931 +7.762254403083992,9.440809387863903,18.350376007553585 +9.243351768479837,1.706836317940128,16.658215519576952 +0.6041347739457981,8.285330192795117,7.0106888559570075 +2.8821826283150687,5.828261038229209,9.245973709931732 +9.786274652363108,1.8642200537207032,17.539391377810897 +3.7485589185685497,8.67598946146116,12.021451339322338 +6.499805470780414,9.375530067528924,16.38554524395772 +6.317193149588336,3.0356996804081735,12.886316925449483 +8.051086055224882,7.592637549210778,17.87095621763425 +9.336189410788636,4.761669322130326,18.315725241755732 +5.028392871343097,3.238231003616754,11.128973324875432 +2.687583345065333,9.965278191412995,11.008583186829567 +9.772555162438943,5.29646463001178,19.17309437751179 +9.550855823638365,3.5615544760644244,18.25294750334049 +8.499943240746862,6.348681578453354,18.005520071587565 +7.170661141396643,7.182029324042428,16.284000918925788 +6.358286500062633,8.523280113201126,15.797157095663515 +3.920132506572428,8.491889509630896,12.18972240757533 +1.8341516392054857,1.9995942020005686,5.771895887096812 +7.173432203920031,7.501298903275874,16.69878293101749 +9.023010748675674,2.746829048047279,16.8840643357978 +0.5606945238644256,5.074717254068945,5.497298352242791 +8.753404653767925,9.714658536468534,19.85397250628735 +8.578262952047314,4.899564496726052,17.199096702475238 +8.63382236071031,2.1397092386903593,16.189035364974714 +9.211696512348585,5.668459610180473,18.608578974816567 +3.893635858021022,5.816411821643217,10.631914935781431 +7.8400820986719495,2.4012151276476636,14.95595826655595 +1.0187980276873587,7.331201036621814,7.3201952339259035 +9.52468966332923,6.3697809197423965,19.395572485857034 +1.4258345409022466,6.433853694570567,7.351508111840078 +1.1663209618088344,3.035247530199119,5.081656288659441 +0.3159770119896643,4.875016240879001,4.864589686869532 +3.213541855079012,0.97521889845397,7.407642178777027 +3.0902730228265174,6.47570119416163,9.794825899102682 +2.890815555004708,1.4307211739293002,6.924393363656706 +5.447974650257787,7.53227270586483,13.860486991094287 +8.30141356206458,4.720971131131439,16.751637793679414 +7.110724209237201,8.333277484441021,16.909196441555014 +6.728892305717257,5.272714050833063,14.767673225281387 +0.5993936714090287,2.900343745958267,4.406556477676634 +3.1981515744572664,3.9501125093407916,8.77512682749549 +9.508927033043129,2.088753423528429,17.245781116038952 +5.415549110072938,9.912181066942203,15.0017776628111 +6.187945607806581,2.0891072367818166,12.369704809208645 +9.601909317781077,3.3629266905381683,18.24322760840477 +0.47870709598631045,4.313617674596804,4.78079597343354 +2.406556961750481,8.188637730953452,9.602355979088175 +2.199558342472554,8.198540222378126,9.285024855566 +0.36171016534809697,9.291573179187896,7.271504636603969 +0.42193526785013535,9.385398439869917,7.3213878208109975 +0.7369127583149615,8.72583602558423,7.523826833928818 +8.31332037649718,5.944238376074102,17.391302946971912 +0.35986084065680934,6.211428067696147,5.707328879918135 +6.1784642082686005,5.571974749771695,14.024920153110486 +6.315255714467208,9.681074032452933,16.158928032515472 +9.955072476569667,5.204958066458399,19.627377571825303 +0.9180062428923552,1.3396904364517792,4.043232055943353 +7.203508793400153,9.819635872230656,17.684051230771434 +4.360552237319477,0.9803874591164885,9.059151163667993 +3.530445525049485,3.850102771205224,9.076303030150413 +9.965953338852648,6.865833532943872,20.42491908495462 +1.1786608607074645,3.370767169424158,5.39379381367028 +0.4855871249892585,6.530605081114493,5.978072712463732 +6.727392688770667,0.5749674507391334,12.49250213191235 +3.355199412987626,9.028383669370125,11.611210418798043 +8.268160300748043,5.742125698112162,17.255665139157088 +4.846233604746036,9.928519120669927,14.223501601515478 +7.221955595191272,9.526352111958122,17.340052499402425 +0.7158521435318332,2.1215115635855177,4.052344810110892 +0.31111035744880056,8.679176146891754,6.822966326792655 +6.942314411653305,1.7765165284213735,13.22531338010883 +9.741906074421273,9.557972226147038,21.25920196512968 +2.2459780492470696,6.470097530427105,8.652030811055967 +6.681029167355858,0.04016755021448937,12.172271970641585 +6.887797922684995,2.2134019477205413,13.36625812152939 +9.013187506018392,8.385071325595158,19.79981794981418 +9.05293584670957,7.575539623443468,19.439654155191818 +1.6490543854758422,3.605543129885158,6.1786713365742925 +7.089314735864196,3.2332504325821243,14.177828594877655 +7.100329336167414,3.3615872497260444,14.511597896285874 +1.7772945435120846,5.181638183895362,7.145058636435398 +6.8622775950358275,5.171956872827587,14.818492807410847 +6.418672982992898,4.380510181043308,14.014839457135992 +7.783313289833448,6.499664226447076,16.86791511841157 +5.746066340853169,4.353717154755606,12.93125717935158 +5.357275561379556,0.5100972169146178,10.188760293647892 +6.6671967668353505,2.044117292654212,13.036680548186931 +8.601489603918417,8.123437681899722,19.07254528806397 +5.279546662066528,8.471310683124159,14.108228750034987 +6.708032438159407,1.4126004489131327,12.778322512952554 +7.4077275462918895,9.958064656720843,18.16506727599941 +0.40977308757758735,2.4491943466143384,3.7490574899930023 +5.977407483835645,4.151944533252637,13.266118992206435 +6.375562065466429,5.864043331387857,14.59913720597037 +7.879894678995094,0.7090292014074595,14.13862839290998 +4.4061606992844835,8.600537896898004,12.886027714721688 +3.6276190534696164,5.037888052702454,10.151544680913775 +0.21578626293633274,2.2417389508429855,3.409067413177143 +4.636551215823466,3.9896812626434364,10.902451605809855 +7.14654876910143,6.118799815915445,15.89383960155248 +8.802825221644987,8.54770701697401,19.33803557146555 +2.4121984076630953,0.1763872903387098,5.698658039776621 +8.544707697037623,3.2912086410503294,16.471081790218896 +3.4710970924060005,1.5839479819847413,7.928248252881591 +6.930072661472328,2.8010891836079477,13.639093678883137 +1.7674310106224367,5.033907410615782,7.175010265617999 +7.504159059214425,2.695985975249683,14.673049649915097 +7.220390009888508,4.619751096710713,15.07255501507569 +4.037727232391019,3.595208681361691,9.736214462838634 +1.4558096531945985,3.3263376684922754,5.9724914471329535 +8.792515306274819,1.0216692447205866,15.752420368830167 +9.583000151018027,1.074965274878179,16.875802570323728 +3.620316422993538,6.063061738005442,10.554090960269374 +8.378414036081486,1.4358281807400397,15.309709114606623 +1.4110222405843187,6.283781246617258,7.437345479240297 +2.9274663240477796,6.445020970179904,9.680126915224905 +8.205832029295308,0.7687051098754505,14.554114050984973 +8.444941230777825,0.3758535635444138,14.789464706454648 +8.98826185288813,9.756181416000317,20.299392957531758 +6.674552024607826,9.842553049441738,16.964060565666124 +8.219918421286039,0.4436550013381291,14.521356203131786 +0.038109442024668594,0.20798489422265587,2.0484279086560506 +4.519069599193807,6.2338261111766435,11.95443144615243 +4.81471822700529,6.771303258145621,12.707740689310972 +4.496026341128786,0.42563803110388654,8.946585082742576 +2.2616670485102066,9.926242366047102,10.376567595678782 +3.458638376986649,3.247657377447294,8.715030585727343 +1.5279204901917431,9.871437221189597,9.175345606818066 +2.3045932159259874,6.468265672538534,8.642859357198928 +0.4204745815219535,0.6647233006335518,3.0189321727767657 +7.167516973200185,6.351681628467243,15.952718910228434 +6.801623956206554,2.30970407146272,13.324318745034757 +9.848889825222408,5.583751621582456,19.528272314434904 +9.695481722686885,1.641705529753802,17.167293525565206 +4.050995098412798,3.3568551898846177,9.915507680975994 +7.550749267058624,7.475714361050913,16.8554364935534 +4.865437933197033,0.1614800421733631,9.421084969175288 +1.752057091799445,0.5026566710966385,4.8831849438783905 +8.470145692491789,2.8977156729776707,16.12750814482387 +1.1792263690067317,3.5417236528159113,5.538882114070724 +0.772893161663627,9.788571348989969,7.987327111938158 +3.15007901347799,9.330666988898033,11.455733552896254 +6.827286908605256,5.661069874239933,14.940108506885759 +4.754969971224567,6.873801068033877,12.602136954982672 +6.862753335461685,0.10521060760764422,12.278958960488563 +9.077837455283392,3.6796342043765238,17.41388048571713 +3.532731215429955,4.065905438829942,9.292058860212455 +6.852828053089341,3.7601773604968702,14.142795203524583 +3.7383106192720286,0.634648796284436,7.975005662323808 +4.166416644269283,1.4947847704375383,8.993437803596068 +8.555892540597803,3.345110831972866,16.5996921735206 +9.608673980616704,6.845280025669821,19.94014064960094 +7.561515348273237,9.477511814027457,18.111905719402543 +2.389347658166651,5.672909696922672,8.488735357897275 +0.407258044945622,1.007586879556942,3.317173574343756 +3.665869199687879,6.825018506249403,10.769980153539462 +8.316936024055344,2.5640420247347286,15.86503869410009 +7.490772136376071,2.2429115744804995,14.512098611964658 +0.06055606116331047,0.544130249557343,2.406266302782267 +5.855586228057214,4.971475460943137,13.45952165288706 +2.704252279294322,0.06547858602826584,6.266493260787297 +5.680103492534013,8.176066368296516,14.574485016041786 +0.6854487792337849,7.364744573938076,6.684501196056998 +6.345426019640677,4.793547722011349,13.967973616656321 +0.48341354976052187,9.235714163922957,7.280565977760466 +4.774409889267427,3.9960696088120407,11.430771722200964 +8.61475402087735,8.455782289837378,19.228905709499706 +7.2726095300002385,8.293599829000085,17.060368017268758 +1.2432848098294058,7.609155550803418,7.528484844257161 +3.280340829841278,8.674947934682777,11.283177081081874 +3.702314659868592,0.5430395212007544,7.706426799085538 +4.143802367703656,7.567770350763613,12.07558046354308 +5.009320609793973,7.636339118089683,13.081930838763046 +0.3527374086610702,1.7716420360102902,3.553299607839994 +5.63607931042794,3.8531375384763153,12.338273236321553 +6.8017574367019975,9.625542331204219,16.846235223830362 +6.59861960700514,4.173628948825998,13.983104850961206 +5.423640184433407,9.128264816961705,14.701274980126776 +6.729892466622129,8.031794977545278,16.10430441663636 +3.015184091015335,7.443211568382725,10.38235459865039 +1.3943136933986178,7.497756164052175,7.878436527877824 +8.815585928024245,9.002324670534218,19.8041500754242 +1.1659006105264769,8.298820525737343,7.873388621265828 +1.0993652276803667,4.783969532827629,6.0837325065641465 +6.825215296861651,4.842491115117492,14.528219705981149 +3.399096022101472,6.838211574958553,10.543560104125644 +6.60878775106894,5.828926551655671,14.751824026031738 +5.284286647767319,7.057398991223382,13.587093123361255 +4.0303705670115155,0.6876824774233836,8.396947606449286 +5.374545101912236,7.234555522438367,13.745382250054421 +2.991599076160668,1.4075113813593232,7.217386562691963 +9.11841194162119,8.637496647461958,20.176996382992645 +6.184342192913191,7.866071537040762,15.053512801522738 +9.688053147744217,5.692589807268408,19.366994941020362 +2.441816846003398,6.388119905326213,8.760776512827789 +9.145936761004538,6.9014820139848,18.964682855290523 +0.2624039114940313,9.171326038625157,6.876765964617177 +7.53675255253968,4.01831013397398,15.431487461217017 +9.874918893490658,7.21679332835547,20.41775747227447 +8.254410818356916,9.43166559249837,19.07547191214807 +0.39578464721066076,7.7441984403667865,6.543126307024808 +3.8634643535780198,8.690750128987748,12.152114838385483 +8.788958559332329,8.286184705026926,19.38786350881181 +7.792005856527934,7.942828346249327,17.691707367914724 +2.9655250072160753,4.0652820612639085,8.535198749389433 +1.1505489070306096,8.305915218616141,7.8338122409759725 +6.460064758246586,6.127167151166185,14.858389453825666 +2.460780391065478,6.1503608405159005,8.645137793375804 +4.545517251811541,9.952688066656169,13.78602193613252 +8.630682727374378,5.2598288190655715,17.685630649599304 +8.084555672986752,1.645050008583383,14.93395209778045 +1.0140049912660154,6.3065079967536395,6.631176130509142 +7.267858279388927,0.5305643931946791,13.395913699023783 +2.009633511978204,5.372679769224737,7.842649332574366 +0.628165995888248,4.240528362836997,5.076676465956484 +4.820797794583011,9.218097321383425,13.743197588240129 +3.156764963958807,1.6866847343503444,7.3749813193906535 +0.07508258718974425,1.2160810604364847,2.7915305793115293 +7.508659988211578,4.449218824661466,15.614186249453887 +1.9872504273656522,9.330276943220671,9.685591180501207 +7.875383184387243,1.1436469134984806,14.213828214285199 +2.689573548933495,8.494414825262957,10.297599652890678 +6.924316677974201,9.455452142623713,17.065516017670504 +0.7624943806964024,7.754112229187301,7.036963335250956 +0.7641141584356448,3.3666193569218272,5.023823680826772 +7.50668768175326,7.110099742526289,16.894021553331015 +0.021178231402433356,2.019429328506046,3.0990894746224447 +7.785736765535613,1.2614751261472157,14.304808266730676 +3.2637890595960037,1.83889506896323,7.856578582626408 +1.1145453541064598,8.366257453230116,7.782644934626965 +0.6134174485183508,5.3604994832292405,5.655869497498986 +6.926705117092412,0.5759021865438829,12.65867192127943 +6.334267706481146,3.3406551524113306,13.08950357103907 +8.33545223774095,7.976596222179056,18.572976643240715 +7.939050372166463,3.9866348416205843,15.6787375643065 +8.225481897504123,6.299820040110257,17.433670438390937 +3.7868356530152427,0.8066995545541844,8.144935296011345 +0.6681891267873763,2.5140163443838217,4.38175032989429 +2.9958464450466735,9.275282914471441,11.178581424442275 +9.999380538690101,1.436738474501803,17.650231355344786 +9.427682399627203,7.065400116852503,19.669130420258583 +4.986081683665247,9.546866393489044,14.281683176544533 +7.136931823213004,5.93654522119076,15.829723785497524 +2.0952676401975125,2.444439518707898,6.457181019021193 +9.115017360662454,2.1503878119458575,16.840512898605237 +0.3230601429465796,2.662270978845458,3.8222676323303286 +4.805557196122314,3.8196476073215813,11.011060966352602 +9.358029986100561,4.185740444405015,17.989311067760614 +8.890526876648154,5.946629339892705,18.278978391023635 +5.2412467241185245,1.6019563265439307,10.7327913160049 +2.710319137802226,8.671667768190277,10.351123983304705 +7.79957211482774,4.474233644490813,15.993692459795454 +9.090221542682901,8.191787030868538,19.651757286792787 +1.1208433312900468,6.05930493802303,6.646875377240981 +7.98843206740809,8.083441279341745,18.165169731297894 +0.913411779101263,2.246111695303614,4.569860738208888 +4.130393168089177,2.5163109444119316,9.423096352148338 +1.0893814669799529,6.288004296609616,6.6950192400395645 +5.074734515377298,1.5498975429855388,10.481942035978248 +5.8638199627707674,0.6201495340646423,11.193450734287572 +3.830410592733109,7.92517963540387,11.77212543785949 +8.900496365652025,2.4523463279955737,16.559134865887543 +8.595087989892136,8.917577801275954,19.24196176553021 +6.0688230460393955,9.821778976247801,16.01264046293788 +2.4617582239280686,0.6897423210229359,6.178268483625498 +8.434431518835567,4.909306591995542,17.015396686761065 +3.464538791018218,0.5523283149090108,7.477717686703094 +0.6462447882104849,0.907164506818926,3.5865286436704547 +1.8364252055565378,9.704009242235559,9.576219137574594 +2.8140414206215003,8.170473004522645,10.293550428768773 +0.19413780399442082,3.2181506109820077,3.7652417608713886 +9.061924329860446,1.850407828814874,16.58041047290303 +2.8402352041347614,8.265148817130486,10.318867418850534 +1.2139168645207266,0.531831907723842,3.931330903073763 +9.659767549872441,4.04791758687176,18.41825425719522 +6.578712697781153,1.2711591140135148,12.52449322340567 +2.201773978668633,4.599807581599239,7.444554249297801 +6.751532174287776,2.9324791112659145,13.454956283553285 +8.846337510400419,7.811440036232541,19.231154698977093 +5.515578908585388,4.592111834396476,12.56218584457055 +6.195425427425089,7.316631664470452,14.860055035594046 +1.349502952907199,8.526413625608855,8.255334512441456 +4.894027836577451,9.353439898095516,14.191578761927957 +9.555423961141154,0.3071682101808515,16.61489322009567 +3.8448097576889695,5.262234132462654,10.387588351472399 +5.395954881273708,8.22393366847009,14.287517383820942 +1.411039874287685,6.224826896949228,7.241073568752042 +9.425969878452626,9.966911938042864,20.944991359349054 +0.10085540979743568,9.725672828984422,6.8188039279354795 +1.222100277802961,5.369505377193622,6.426969826926581 +2.4636980928343966,6.063910373940332,8.569927008496578 +0.3702659170039768,2.383326806727939,3.7742189620880278 +3.0057563319897227,9.15607182079684,11.031676454952718 +5.836295468484622,7.082097223597236,14.338024719025514 +6.760151833170704,3.9228833659918285,14.145739033886189 +0.14021068562085626,1.0702076326620091,2.814422590527604 +4.588084844037001,9.412947788679002,13.495539067113382 +2.4875780743354117,6.98318719618454,9.274527880439212 +8.26595843101357,9.0678528418276,18.837317829807887 +2.93486412007701,9.312831745607538,11.129846046072002 +6.079822605381794,5.084067841177738,13.784033244628196 +7.783926318608847,2.387126133614652,14.941767902099565 +8.12580231540964,6.499626944417365,17.420809191027654 +7.993661288453502,8.557221950494592,18.32577973328318 +6.173474430237817,0.3673510800846924,11.290560191725064 +2.9774766013166545,8.78019744961586,10.680443063669014 +6.269565109606975,8.90056362620577,15.901309085782088 +3.845285020492878,5.047274558073246,10.422338253860724 +8.62592442170914,7.620313577583628,18.62589855027837 +3.775011312872688,0.22630286041455228,7.777186860006486 +8.803395631577052,7.8635684648281945,19.180764034947654 +4.491608307164643,5.462404871401861,11.40715971208522 +2.0431201713405467,4.121010898358685,7.091247432937669 +1.6319542701145384,2.1056957359083595,5.562103601610508 +8.463694933234274,3.624723777781693,16.518722931091364 +8.147233229263612,4.738998640477783,16.601604886400025 +0.7077777590577183,3.615271886062011,4.771072741189507 +1.5827345461101494,6.935764146263425,7.838868957264419 +9.113940468174693,7.6307556411334385,19.446497190200386 +7.784376086460458,8.618665466937664,17.951458672207313 +7.766646507819148,5.685732524066918,16.438695616528648 +7.142762894600025,4.159547538959927,14.791190093401857 +0.7078797589879349,7.055797953447874,6.502890836625492 +7.2166096409014315,2.2372259042900566,13.944736391239836 +9.539415638253056,0.525114326394932,16.535177462715524 +7.3595904827788345,9.684783886273255,17.788568296261637 +3.0914977769998044,9.124654181083804,11.004714645600178 +8.264362532304691,7.441094652712344,18.211837719600563 +9.53791567807862,6.540570748084019,19.651789869895573 +4.948806523657331,6.7568102180206555,12.721129483425589 +4.118237925774374,3.248871734128852,9.869959561400616 +0.8224562503152744,3.780085784103957,5.021248537559926 +8.031950584856858,9.454357882565475,18.744391908094585 +9.751517175730426,2.0652587096001493,17.60687714011819 +5.714317619759536,5.757481583675101,13.42245813010154 +1.7604754455533689,5.816282027694392,7.613472176652903 +3.627628403177876,9.424064359661543,12.113287374544226 +2.552022002257164,8.349611955083493,9.968875035065956 +8.968556283127212,7.358722555328657,19.206518423920826 +2.146772778894641,2.603690683664687,6.528175307844754 +9.71117865469742,0.7582906612114382,16.88673451320594 +1.1708590720412604,9.785697343780232,8.673201453415913 +7.7689477419071995,7.463838510602107,17.484607068023724 +1.6020776114570034,4.88938831526419,6.953402227824598 +8.407626024845618,3.288707012092227,16.123329695259205 +1.9276513241441051,0.10945317768133012,4.818749171132625 +6.22542484860761,2.938103102817945,12.907097244629592 +8.636724268785406,2.835180867595403,16.343924892070476 +1.5157581218450333,9.604475120043181,8.855874148838984 +9.647770122545095,6.850238283527402,19.823784159363445 +9.283857025962712,1.6183358124878278,16.691049248805033 +4.603408599702943,2.0415889096427806,9.894650412649751 +4.7878325819502905,7.911779987468056,13.21413171001071 +8.449278470000635,0.04164394267699989,14.60182289419751 +3.895033966998623,9.940686871124756,12.90644762480342 +5.893149618150351,2.9619592969795185,12.349217323181895 +3.8899426004176285,3.225637466337928,9.319078560159301 +4.4759843003043445,4.444866335916355,10.904462249703622 +5.068633051974636,4.645060071923233,11.974946322346327 +5.1611368495648415,0.27988950325183004,9.885606244770123 +0.544268964772433,3.7114397320797776,4.710020643217429 +8.84941564241968,7.908323034015842,19.169543374085485 +1.1015364191156385,4.948309587433481,6.181936230096196 +6.045872709781563,4.811892428350896,13.434909083426575 +6.975666369790611,9.97263158089521,17.704431911072025 +0.964741299371713,5.155340314570021,5.892836910294097 +5.123714629625534,5.623787977306822,12.76726102503634 +1.669674559829577,6.383577909892191,7.601185970322608 +0.4434092258877631,7.411234869318218,6.497853735546175 +6.631595256401122,3.3042366841266313,13.68225529903715 +9.889893611000494,8.287783826711783,20.887775811489572 +5.395356350440233,9.905104099356066,15.105533722342086 +8.3009064372828,1.379772801366147,15.091665082597594 +5.910606041894271,5.808576366829495,13.797682204205621 +6.5294517171949975,9.407565915774287,16.512747262989464 +4.920319133058428,0.7738146368381527,9.732455032249797 +4.793313605253495,7.877943869151429,13.085699344566574 +3.586087747935501,0.27104905920941835,7.548743389730541 +3.0324322190664277,6.82149944702962,9.869015827329143 +0.8600942808588152,3.7596480868924855,5.083355968600336 +1.3313083500083545,4.7592859173118915,6.472103098900806 +1.4151349177208772,1.0903697500971032,4.7107258725471155 +6.977987919285027,1.5800158863701075,13.126323102446465 +1.5479579458382753,5.92519175466111,7.184204813621554 +0.43593811565848517,0.32992628800192825,2.6052192326201187 +4.314462689471066,3.650954832245593,10.388140432291936 +5.4461940216549545,9.934846172902484,15.205571724789463 +4.347064960257918,5.760583774571914,11.29201361880665 +9.192436261790265,4.831791030213836,18.269515000512474 +7.811205255721378,5.48652535942732,16.658620684580814 +6.372072478236543,9.325024402771707,16.06668705392974 +0.0070376831768803605,9.009398892519755,6.453745894562949 +4.976920196570388,6.06764369241554,12.343082995041282 +4.500579719625114,2.6091862935232357,10.15031711486707 +0.6600719011692313,9.451257094832696,7.706130634384273 +6.238762062747361,8.734707374618104,15.685686290584394 +2.908082830548798,2.7799894919878767,7.774860797352637 +3.357844447072895,2.3103822893940773,8.13626442433142 +4.979707133846317,9.362415471612012,14.110605207241639 +8.760626716299818,4.9510045396198965,17.643918590819204 +3.487624658260249,6.1168780276355825,10.228868218748241 +6.122581334790421,6.837640890040149,14.55579389666083 +5.356000258314548,0.2675526020670249,10.152124678600266 +0.760465173472934,9.737749854048381,8.018706707342362 +7.462352951331873,9.482468986022225,17.99492835454513 +3.395256010183033,5.349494183132942,9.825953891661104 +3.2195191908664933,9.089350467822877,11.223995116319115 +2.877333831660933,6.938113038714862,9.925852397971076 +1.7505557489113266,1.0525145107667266,5.15800256723026 +1.5563456430634126,5.2945526661615405,6.9486287059373835 +8.445410405091966,9.992797251729058,19.574160163308704 +6.226830438277805,5.336035318471664,14.207180027039493 +7.868825904651726,0.6374420255455882,14.35794618798417 +8.0939723534594,7.583795409918271,18.119474301956824 +5.295415261049545,0.22986975746400073,10.07019933952525 +2.0219698052466417,3.6971259940431143,6.915928230150748 +9.412222259289457,6.384888241900477,19.459881137087052 +5.100926132488267,4.884264204058147,12.069446213987709 +7.799757316191496,3.2363023896460827,15.371917426854827 +0.9452480378514327,6.770433077897705,6.825810518834184 +3.2901600790391097,3.255928369817566,8.755081085181503 +4.547152360941297,2.4273402173534864,10.178031428940212 +9.21702529807127,8.469704221724978,20.046592893870162 +9.910883309730615,9.645487959306626,21.84157400452101 +3.1445534521355087,3.805979586807852,8.619435699349332 +6.982579903000729,0.15845902553231817,12.498521586262878 +9.938888853887859,0.10843082066116505,16.93401503416258 +5.314859251023113,6.687003121303704,13.330531564900417 +9.141463079551363,6.4413632077811,18.854371212144002 +5.969687997034011,3.0035929915030724,12.404566614241151 +5.909213949620363,7.497015129922744,14.467990150646477 +5.155916789551758,7.7963529828712455,13.549803417226883 +0.6961304687418479,3.3537745099959446,4.744537647992844 +9.598139340640396,3.2344441306562786,18.11864490257659 +6.218553018155858,5.198847576668167,14.018656520910014 +9.366240133227148,1.6277187640605217,16.90620356626606 +2.9938809950975918,8.62377305430861,10.649780603924178 +6.662025447731985,5.430493606690497,14.622184719187247 +3.9490039199118856,4.113154330205101,9.960338770128825 +9.349226827645014,6.710756045338119,19.475501574682507 +9.290983864151366,9.721861087879931,20.741720912791024 +5.470080061031949,6.098889452313125,13.13258924118882 +6.563649290710664,8.391690028798521,16.186147768390246 +6.590717126063011,1.1464742218243018,12.385819500551479 +9.424301095541663,6.609343584536336,19.328336384854534 +8.699172717895419,4.247377457819681,17.195181339162623 +4.747163578906174,6.888563527225337,12.560019667849652 +7.764039863320484,0.7845870998204973,13.988340719195334 +4.073428335260443,7.69856380293839,11.95946119397149 +9.922359301463109,0.1164245119625329,16.849157160009586 +2.6480822744173493,4.648485819038069,8.245208239910118 +2.229417017682792,0.269221985576531,5.475123572333696 +5.395430241053415,6.493986090396646,13.136552789339317 +4.160620609981132,3.6987807968833932,10.18582786730646 +9.85610560179485,4.775285232201694,19.034510600987627 +7.980694532416885,2.871741721958021,15.313027036580424 +8.30188253071832,8.236996891998968,18.67133758990646 +2.677021214430233,6.558549521417055,9.351737732282029 +6.820149766873508,4.426155289437177,14.45203460681205 +7.737800628774386,3.0688526119698922,14.97030816583357 +4.842718391176158,9.901517058297904,14.15426803643931 +1.7867567165299936,1.4778272201724918,5.397432999988473 +1.421986873968969,9.981092718345717,9.109174913724106 +1.5991327659359522,1.9023923683194066,5.464037207857501 +6.947865854074225,7.594966248048913,16.418711241406907 +5.270613054661631,9.826691191676183,14.880750532398428 +0.38908880321243733,6.208208690487828,5.634298393008454 +6.06469319401617,3.212447872864085,12.824705059700978 +8.994404700778476,5.528817061050869,18.19705862252738 +2.4634026815821475,0.8835851620074231,5.874527182883141 +1.0711889353817605,8.973292462700195,7.968476302452038 +2.5030876233841615,9.070053016117429,10.052465710046354 +1.2011790879899176,9.839352570099543,8.683061958824114 +8.333490708623094,1.1622874159701446,15.06355139622648 +0.860565028163407,8.034371824215166,7.148766334359484 +0.7806625528967848,2.621809856747598,4.396487264082235 +8.012498092667707,9.075800123483242,18.41401152424301 +7.676520582586871,8.898928207528702,17.951544678438374 +5.59888313037427,7.796111620495082,14.211031941650191 +3.44186328489424,7.852140689960153,11.189859226143398 +6.797409074244872,5.748300636590601,15.087232386291122 +9.9230132068225,4.697795248748412,19.393896166150345 +6.192472375705515,5.099056868638472,13.79276049599218 +2.605113395759581,3.303654809667255,7.773934127102688 +9.78785767955941,3.9211045801470688,18.642590804470938 +6.79406267436745,5.670972636687143,14.973733839691171 +8.898052718095137,7.576900780630048,19.376403052424227 +0.8065140599985721,3.5544187143874395,4.804129841061589 +7.1191354275780885,1.613568080117006,13.430219319450353 +5.034391815597697,3.1776904832886768,10.973928068597926 +0.6475422979350298,9.97146087838624,7.773216348777905 +9.293645995091463,7.475261543083259,19.471386171206316 +2.0102583525334596,9.885261935894702,10.019694211454937 +6.307922829660213,9.66075437867294,16.159356194249217 +0.42578907291869417,1.7347071733517094,3.480559633633927 +6.772468852115795,9.071797111456736,16.783793447916455 +1.7578221279281026,3.1709823962512473,6.268558906480422 +5.8817733150858995,9.996610201562314,15.862357064577635 +7.9966508678308,9.235627789828913,18.734172332530814 +6.750125345977426,8.773712706666522,16.67298736694287 +5.070450323170567,1.2415863494219215,10.101295138129116 +7.0955741923149604,6.014749223998957,15.699056173892867 +4.853500641148587,2.749909155177731,10.62798388212307 +7.8420301219235755,8.204100814164875,17.85042806977146 +3.6418562743509844,9.277665595945592,11.95046970154655 +3.6974169436861013,1.0756249481278246,8.030743056003056 +1.665283675105791,4.9451547040891715,6.928228353675104 +0.7986299335113689,7.184125440133404,6.933033011343256 +7.950958552978423,5.494683326953115,16.558249145378337 +8.933484529802092,9.542864667462519,19.93311363406835 +4.47581087710658,0.8912716822310185,9.158742113562681 +2.3126410964207356,6.576160437134909,8.631365303787685 +4.0578438304980216,6.850093941496444,11.49785506690436 +6.667351861527889,6.053681366117138,15.093944046234908 +1.5783256689898395,2.8591529605712274,5.787083425159991 +3.7786162654581226,8.244179899315892,11.74688985024022 +6.822228367634663,6.44934266002749,15.442357791252665 +6.721373447109728,5.032020814513962,14.682810500826502 +0.39631715468063433,2.0112068749896173,3.4846124808157946 +1.4030215580040128,0.6399666439371066,4.4973638503624205 +3.1947664798329845,7.877301916963484,10.630356581003825 +1.1513180364380438,1.1142251708192186,4.344296690169667 +1.2426401919151742,2.698216912564412,5.058759732766132 +2.0220713804762367,0.13961116473593882,5.157163689598105 +2.7650231358435464,9.962944646561171,11.118819882077906 +3.364864428559289,2.112590319738227,8.113247229137668 +4.957139294921719,2.2936846424947688,10.678445608630387 +5.596452013207131,4.006558464008299,12.315847823843454 +8.968413182794492,9.279192622132506,20.089710966561544 +7.130612580266465,2.156942477402364,13.804720175672024 +4.738985478734483,3.0542316704074746,10.605692924626084 +7.982774691098729,0.2917410915370322,14.19171151967187 +6.6249169434482855,3.2322682614412757,13.586491657985507 +4.810045824483817,3.22994971289066,10.772050732073579 +3.647900272583641,6.743626387928471,10.969736785412579 +5.9549433342975036,2.4408924569483648,12.209050842344082 +0.43637628147627283,8.560218098530704,6.850416734825127 +4.923066816235303,6.187302242491834,12.392991799801822 +4.884992724639577,6.189402069330599,12.400238858212667 +6.26972471798573,0.15040536754404088,11.524537582320564 +5.332591165996084,5.021079689040664,12.288082544039248 +0.9581751628905644,7.458818609963057,7.086621114472983 +2.358593695437743,0.5452534775398465,5.752769483967039 +8.031589740834093,8.651317513122754,18.229277948838646 +2.4069475631502635,6.875455169503578,8.945972206025253 +0.04950674062496829,7.211499583823048,5.693740028012684 +4.648204434406437,7.924831064682994,12.885830959221023 +3.930339726659268,3.5107572752078164,9.609855594781006 +8.407848751374708,0.3864669791516595,14.66714263712037 +1.8716498687641692,4.1212886888758575,6.846767476955033 +5.963381613914404,0.05112513117040307,10.820228571782877 +5.751476946673746,3.7849253963380045,12.665581084963687 +6.300020436999634,9.069738395892294,16.159232629148704 +4.408720116266,5.545786432995715,11.338656821187529 +4.627899184928572,1.1852200321160677,9.422214781290139 +7.931129877471204,8.851957205737913,18.408133661812123 +8.114665812834795,9.47596574352075,18.969217969392005 +4.680285177968844,6.523217555027388,12.469511063179809 +1.683416049881078,9.76808121180261,9.623272451443947 +5.805540498739694,2.6166310810087956,11.813945531703778 +8.053742783688826,5.86491117208565,17.128935707658325 +9.496749819688242,7.699773790486449,20.072760829970022 +8.772648232111969,5.4665000887533495,17.947131230457803 +5.173084253454471,7.573264712106715,13.624043570101476 +1.0501397549535518,0.5403159148356262,3.9189590564798498 +9.837022460713571,9.162955287067758,21.4370482999084 +9.556609412449067,0.6236406349639578,16.59070747783029 +2.6930141191004884,9.01542379194018,10.451945001598903 +0.8947957687613262,4.514345121083978,5.718057526482396 +3.4129135311177503,8.79850478500603,11.431449890921762 +5.180761323371474,2.903741822069038,11.409152767107091 +5.243011757880086,1.1244620561216812,10.35031113503165 +7.312027325564641,6.1833755445991025,16.021645174277754 +6.0070878106093515,4.378443530084093,13.180812451853749 +2.9424415309399077,0.6538065273452143,6.586459522865482 +9.470325041280537,4.165539215589015,18.134439608901044 +4.959217039488859,3.757667547931014,11.408862782101338 +9.878773506736778,7.961720106186995,20.62701643297651 +0.9576022478136914,6.081750647072628,6.729244978128196 +4.8463457365243725,7.933520352196407,13.226866182355664 +9.973160121568533,7.44306740602412,20.578339460105692 +8.649288208049933,5.026355023558152,17.529131647940197 +3.7359799036096355,6.432796815053643,10.574177506370626 +7.494184137360973,2.275339332040305,14.345589083086699 +5.033874798597817,1.137909867908652,10.099232995751887 +2.1635281327923437,8.818588901432303,9.527966174000586 +1.4473198263072629,8.11348251802212,8.164542892392463 +3.7259574325304046,6.6352137554379915,11.059145337672208 +9.10326371642405,7.808986800827582,19.57771399809257 +8.25941119798457,2.61149070103343,15.734808881222268 +3.6167460362704995,7.327920205396588,11.010396547315112 +7.7723458662128575,7.9005226760087846,17.476440200332764 +7.401079814042882,2.316226112425449,14.235626760616771 +2.89086640155928,9.420410075640557,10.80074240302736 +5.538603817453273,7.544504012773732,13.970476398593798 +5.9919567955942155,9.245018652468179,15.485194524822075 +8.687818180963168,2.613747913556239,16.134724602782043 +8.847094719558887,3.0003935878031305,16.835760618307027 +4.409804514306616,8.51233578118903,12.85782404218162 +3.240190753390071,2.907719181874995,8.252178704732255 +6.6865684939592,9.99676362413976,17.095336186396487 +1.3105698109144814,7.01060646519703,7.306730819200704 +5.269553879052183,4.106174903087034,11.823060374611392 +7.4985874970781605,5.548363294096092,16.133795448468714 +7.9781114804139595,7.4385394474908315,17.914577645039078 +9.851189839346281,8.108658485300461,20.899536657188158 +0.6679979742859687,7.795792955441254,6.947050617500163 +6.4970322020795095,0.8979035022694515,12.13631419947383 +6.054892285180937,7.508036005675395,14.780470016695173 +1.9719451324438886,4.349116479735767,7.155202864237186 +5.424862882439079,4.131527185958397,12.340347735107496 +8.760048029512742,1.6890320542356285,16.02724237833489 +7.715555525568549,7.780911925380661,17.55958505332634 +4.480299608926592,5.394779919009797,11.326216523234136 +1.5356244931295249,1.9515757212065399,5.340917129624014 +5.316648121021177,2.246807829334916,11.031241677844076 +8.064653846285895,6.162180833820243,17.19208636441105 +0.5657867840440334,3.5787666833830833,4.699645604816707 +8.584259313682445,2.7744404803362057,16.21048590231419 +7.197178887491729,0.9380013799603659,13.163061242194324 +9.305336539493748,4.493456813337938,18.24099280238164 +4.915656355917494,5.6983013122916955,12.209157986064554 +3.6343233960012498,7.252853012017616,11.091524625109404 +0.1458356570631092,1.622042676448776,3.0954892042023032 +1.8882091761012698,6.353401839327967,8.139743289394636 +8.906008145754619,0.6363974148133322,15.743537455824415 +8.524585999724518,8.1951359575253,18.937641022990004 +0.7662566216197997,1.4322842377891887,3.815489339288894 +3.500453242304858,1.1466961435509515,7.789343909890449 +7.582861351004835,5.040693137644878,15.940088919981292 +4.107646082865203,7.249476252597914,11.749882382345735 +2.9289537306426636,8.715314151146606,10.796123650867617 +6.539667386808084,3.465053120452252,13.460465917546044 +5.398726903215298,2.5944847609439172,11.588267695662141 +9.84980740761668,4.356043266423785,18.972100556434807 +8.967741526853759,9.780204572746733,20.354515096162412 +5.357924599738996,7.299955700970154,13.638604206889577 +5.722467869412084,0.9156763278072177,11.232842042325553 +9.524180526173541,4.566364510152646,18.44412401606346 +8.940631235615296,6.556053459385618,18.618671898711042 +1.0519089103411894,4.170529709663131,5.748487391415461 +1.9584815469581973,1.6985986448755985,5.810987287569145 +7.1508874368339415,0.30019987321461605,12.818754305862559 +9.661405688939793,4.499233759460843,18.686916652547602 +4.897576810587319,2.9942889597115463,10.81442060672246 +0.8561607281242811,5.882426783615048,6.235668450310665 +3.4475449850542796,6.240726160444169,10.447043660944983 +5.557698078073537,2.1691084680939463,11.481617535624322 +4.616539224076285,3.080630093895853,10.567457403856473 +2.3972408122616464,7.697043592969022,9.400955593208309 +0.11906591999208294,2.6888285862512493,3.5745861332572755 +5.310856836719877,4.761459884304578,12.191536292414112 +9.401653269195618,8.43657481257244,20.33898103099336 +7.516026271882577,5.140781332703593,15.856226112884201 +4.289067323841324,0.36569568578795564,8.798590507725615 +8.21668249638819,4.3071290416211205,16.63434676982332 +3.209673917226561,6.066343799442816,9.821838785637304 +7.541378188997427,5.230513205327359,15.845609859772393 +1.4958317547539168,9.216464707040448,8.773010794188405 +1.1284948992637966,9.695716314967438,8.511135996814282 +4.424771019306642,9.466231942262747,13.500446598931356 +9.146497597379259,4.062672654902636,17.792573471741008 +8.000252905254005,0.8977253182676559,14.50104286590187 +0.8273426927180005,3.559566037213562,5.10191774234948 +6.0978510014316845,0.09321069819484995,11.093966131750394 +5.151751250097513,9.7564690374854,14.53495548014721 +8.584454286001957,2.3247061975224916,16.091057817677196 +5.280687619300749,1.7140876911667802,10.700183076970415 +2.6326014736299888,9.230008384772747,10.411265603375156 +9.977781347610138,2.4256098811784677,18.07121873502526 +2.1206787300786765,3.8385932434157413,7.205750834094677 +4.45856422352045,0.8924866763088812,9.096681576004778 +1.4770866393739401,4.2482726742361105,6.36235136451223 +2.3542056806648315,8.449347694783974,9.652729750118896 +7.515465621428125,5.363384308807269,15.992830921788853 +4.326293190684014,8.309878032139913,12.617419591288629 +1.6599534357395618,8.873878588674325,8.97148925006828 +0.490773833685646,9.233944617888293,7.305344925333049 +1.3881005236448785,8.120990440371688,8.193074406339752 +0.18045078394280378,8.150781704084231,6.293365765525577 +5.840707731398851,0.19034250925496266,10.848200573407203 +7.742097595242466,1.0155730104748528,14.09376489547765 +5.399054259028981,3.3200394043715944,11.761224851698863 +7.591682612979886,8.532215716726503,17.68153823245953 +4.642767010028885,7.579402135569584,12.704361232539126 +9.166249324370497,6.892005374743148,19.183414843654493 +3.219904860941518,4.63312079555701,9.165066344598937 +2.2999774013396665,4.584083396092091,7.792776528229875 +2.4589047905749792,8.072497248574589,9.716997276899196 +6.099174272638085,6.3324598571946655,14.226286058131253 +1.1026328847084743,0.014603075486518957,3.669896284326914 +7.891866348975528,5.423064157282757,16.616365999843275 +9.315533748414849,5.372392389896086,18.5261836485128 +2.146785243146383,6.984765852563366,8.580414289079929 +7.009829803127559,0.6553260416055051,12.77618658085139 +6.936508973210471,2.1252822252442005,13.448171557373254 +2.5452061578585914,0.3141469625578064,5.755191265128352 +6.273722227728666,7.317293934655078,15.126639321168351 +2.304916631505032,7.925389321530762,9.401816412626792 +7.62031286140658,4.097662081694507,15.244190338404335 +0.6822516220561403,2.8018532747267786,4.312987221129472 +1.6542914892909821,9.588182371271817,9.245470006664796 +8.177442641796127,0.7837647142421045,14.480792585630587 +5.134600292427565,2.6688632957572977,11.133378206045336 +0.32117976507208823,3.2230127088917024,4.111959311056803 +1.2758529381399308,2.2273202097996547,5.095258461922295 +3.2654046192851927,4.088904501478368,8.839657113406908 +4.68442453193312,5.201972713663894,11.668760432992805 +3.7000076444331267,4.98349590959227,9.975695088463878 +4.178584594186203,9.64438977596954,13.070824904364109 +0.6764087059553547,5.859513404485494,5.979652765854386 +1.9364717138057896,3.7543785325461245,6.774890317240933 +5.4646580988691404,7.598094474226883,14.076876351454258 +9.77731111788676,4.93621663154037,19.14798276436158 +2.569791159710282,7.915752181336764,9.766250186147083 +2.2157244984737323,5.078406722177686,7.947078174573879 +8.46711297649563,4.037985089607691,16.82502730592538 +5.5697776663347485,1.1955001907374518,10.961176232902101 +0.559677734729277,9.862824707332202,7.90453969335878 +1.7889569210794343,3.3554903695524843,6.337636406169294 +5.046848871741836,3.7447160819740857,11.429837839962191 +0.9733906002416859,1.9691412389830298,4.445094408200902 +4.934476679033093,4.388015758120894,11.582743222757419 +7.98193843775579,3.1178795725329533,15.500793051413769 +9.403151202268013,2.82810357150172,17.447292744415446 +3.3129865777130476,9.493133292496669,11.616634343269514 +8.404833776614684,3.1696796588330143,16.203166603215198 +3.9528469110116884,8.422602753190661,12.260405802947455 +0.8608943421384152,2.9467631105710055,4.8461432231759005 +5.315560978625405,8.289041768922994,14.156670819864551 +5.646166740198727,4.89778847247382,13.043061239426319 +9.621175686531643,1.164103941509248,17.015740238078784 +7.800659256819722,1.2703485752532695,14.23728187460612 +7.328274397039319,5.430896185627216,15.672915068131038 +2.6464621077057737,5.433370872417558,8.680312526853623 +8.794160870529588,4.721836720567757,17.50091740615382 +0.06578565862789709,0.5660560806625048,2.442713251036691 +6.326369774462916,6.779315619207526,14.972766422287263 +4.017748877627254,2.427803871396831,9.06731288514325 +7.159665882356737,3.041611745399493,14.245758675374816 +0.7401158583763623,4.0961053950375295,4.867914242481108 +5.391385951585511,9.656287973326132,14.906065559971006 +5.922217128336738,2.0832014612990077,11.914651249597277 +8.321935849893885,2.9148199180504006,16.117934716516412 +9.592781835747754,3.253122666743977,18.163359779907363 +9.095179554576355,8.789539681759157,20.130774221743298 +8.639927475497062,0.39385280359247044,15.060843736990693 +8.498699684477904,7.2130011895171675,18.2527993441323 +3.3429827639951606,4.900984265557274,9.355360890701187 +6.399150401772084,9.43536978255857,16.46907223106412 +7.800844877367364,4.285007422951747,15.752726822714642 +6.454207064345764,1.8587087544380487,12.572107963530705 +4.239423957328988,7.913013333024831,12.225665785169776 +6.065897144957917,7.832491476711906,14.889274206663211 +5.09816735472223,3.8014343429482986,11.581229832917934 +7.425403780879463,0.9375485847996035,13.622214292001129 +9.786068342296787,9.483737740040342,21.198515503579273 +8.803686062028643,8.842780988496456,19.496726125882905 +5.110561205014259,4.979457204538717,12.181089224950917 +8.200821714832536,2.832565122008054,15.710293751071617 +8.499137794059852,2.0088021190378367,15.713014578808322 +8.79107271077931,5.410852197856519,17.952602971838246 +8.432110276584037,4.9314278356899175,16.969576035952112 +6.084321860615098,9.267861301740757,15.700914271844251 +4.18212252308099,2.2028638804064657,9.426419440011342 +0.9098033846338871,5.899790636562154,6.249670892585967 +6.110851203400119,6.2070510934116205,14.301057024660421 +0.37166120758105325,0.2741548690539819,2.57994627921008 +8.95417020052927,6.955019832253651,18.826380271522368 +1.1331720798663847,0.7463679374126297,3.89472230727095 +1.6185701409143138,8.069189800609065,8.256737455196959 +7.230860277436099,6.3865318899143775,15.991961646227427 +6.407907871069414,8.588738665817429,15.951233542392288 +3.334587383631283,3.2223002078038387,8.601551310676278 +4.2542682967194505,9.896760120928134,13.44581099442785 +5.54898942602502,5.469011350468795,13.018709870793158 +8.095937864009382,1.7806449941359404,14.822215380597456 +4.054010081835235,6.413624061922379,11.32224658536863 +9.880167684203432,1.5446959669807891,17.484746697541613 +4.520267802267622,9.055818021048896,13.320898778850774 +7.255310683954473,6.137802371949127,15.723319016263336 +2.5710836301634945,1.8721073419209355,6.765174212093663 +3.7421229353163454,2.551079063586581,8.958993122783736 +8.0847589885968,7.207034277931921,17.788703619890136 +8.351981208843377,1.7108231070449964,15.358309176766058 +3.0996935836971207,7.685514629746808,10.48716452525576 +1.6354841656113317,1.456050571222175,5.131532902684809 +3.830588805377806,1.8643688795116786,8.648237753576417 +0.7890265803920415,3.1277452455499244,4.810089880940555 +8.755995150398308,0.5653292863961101,15.341668560359928 +5.661051207231573,5.630038839142397,13.241406405097221 +5.308405607920422,5.055087230150424,12.332197119040869 +0.1723646975992965,0.4745118934635961,2.560472758728904 +5.112070126556567,9.683092727130594,14.477665382512674 +4.079757805057493,4.723267624934375,10.354976318446443 +9.820631153366055,7.7911340543572685,20.70874868533159 +7.701098471176563,5.047354470397718,16.065220545579127 +8.979126531983407,5.8117630539306555,18.294891538692863 +6.566973259043557,7.875555202922049,15.872048769031712 +4.065848801050644,9.532702845431832,12.825530204343195 +9.880072328490794,5.8713783205533705,19.593410439877815 +2.220553872582224,7.749020173254387,9.29574137769027 +3.221386034799474,5.771035015888702,9.628144295592461 +0.867035204583182,8.073907050301507,7.634076389627788 +9.590869588706772,0.9422152463364719,16.80739471612968 +7.315990604468636,8.608388635647465,17.071183843867647 +1.0950621941550287,2.467964695634892,5.046566869331907 +3.9187124805505267,8.367603317067863,12.050793583905921 +4.934312655030474,1.3696330254163713,10.106434116430117 +2.5637105903708877,4.673778408700676,8.21519234334345 +0.3926424615521995,6.3099706896922045,5.602445018551819 +0.25321896414725376,7.80871344272688,6.062077066689441 +7.338509375054766,8.654399919726487,17.524901450220515 +1.5771274050315798,6.025852109574771,7.216843899115753 +7.810275835867573,5.1574878059037275,16.452523540933342 +1.3080432701283473,0.9892561667712774,4.503905062217875 +6.0589740794125575,4.976076082739115,13.588586346337369 +9.295601367321504,8.338407710232708,20.060357966054223 +7.237491916538147,9.823967605473424,17.99368268587739 +6.946106835231996,0.9236273369910664,12.806274461888528 +0.7756297750739305,8.158691934099378,7.170884805486152 +3.607035836030711,9.242837865623452,12.093857114537801 +1.1824743505147473,1.987870119352414,4.69494375958286 +7.731674993100201,8.474744417280395,17.728333253814796 +8.671963442858313,0.9913926525147188,15.492508798824948 +3.8180230248846927,6.46386353103183,11.022414856464481 +9.187956166815633,2.390150310417657,17.159657496599497 +6.003428834803833,1.4351929544850672,11.925783973664362 +7.472787114221163,1.2752445666955436,13.66243603905018 +9.99982488442239,0.9226689968743984,17.560048160038885 +6.853371560380504,7.770388341648827,16.06158093668305 +2.5798978345664283,2.5482866931624013,7.045305704824575 +5.961470516000201,6.304745848799741,14.035376227963777 +7.205259761657977,5.8029398768192575,15.643789023294932 +1.7446677397043209,9.241434746542744,9.125507579072803 +1.666115757134462,5.652385183718831,7.087596027361602 +9.20002844661282,9.12969591451325,20.50437031696902 +1.679064748106488,2.386026957309566,5.796296593748988 +6.018505770595171,3.371643330781471,12.706799288417406 +7.308832394782829,5.224043209340676,15.473387469295517 +2.66090055944189,4.110379176123428,8.164937227959351 +6.91111071078239,7.851413591907351,16.280907088257383 +3.695609901445672,1.0498538336456609,8.005714973999057 +3.532770072359468,6.304707195885038,10.281981847415949 +7.598321608464019,8.79659238635984,17.84449765525524 +9.619418822585397,5.293641744942633,19.037409476354604 +8.80207443150878,2.6207801762563268,16.534519830743555 +5.5965171442536485,5.393849258644748,13.103467731079153 +7.686941411774981,7.731228495022513,17.454502882977664 +2.8534295832295875,8.858614340697748,10.726114272526377 +8.914929833318674,9.482415257562582,20.078048233191595 +4.5764432748917026,9.874143241465967,13.852148487156118 +7.849113307642982,6.53187382213479,17.129648173796575 +4.322579703041805,8.424312208082505,12.84562383711236 +7.641375549748654,5.855582652404854,16.272764896276616 +9.971458870067387,2.494613655940632,18.310680852666792 +6.4175409128661345,3.2112716555167387,13.068130439974071 +4.578432403415247,3.389464941438596,10.65881278971842 +3.3455520525357754,3.76826108473575,8.838392729447488 +0.5667957646999922,0.3986108334795646,3.1286500721666988 +7.249222621743053,3.1090855296355766,14.57264031349 +0.21214610823473534,0.8148115657673705,2.743556061236574 +1.958492412360393,0.4821225625005332,5.174065518648228 +9.461472043997437,5.683608801593238,19.024172576304824 +3.9402436978193456,5.327122338526886,10.526868351526165 +1.1282010085911554,7.018455800108835,7.313970529789492 +9.69590494232618,1.3065713557915104,17.186365178260434 +1.526001225907877,6.286633848354367,7.214793883661884 +1.5192992735282163,1.2605278824976585,4.997629334979259 +6.704838175701399,6.1865746738455005,15.23370868787371 +2.1773701080664596,8.231789488269262,9.386261838402973 +1.0525084532059559,3.3257489925253814,5.162815135593016 +7.388676438036281,6.139012102124127,16.036499423119857 +6.0007095315353185,6.862741289471428,14.353899591174821 +6.4646272483874885,8.742707397902839,16.088176004344426 +5.687673475699954,4.012844823615762,12.353578531781821 +7.66089327195848,2.5923969449490656,14.82997992594807 +7.595920357518501,2.799839789365378,14.801056649253434 +4.803807584509973,7.391933182406111,13.030405261400963 +6.276592478215405,0.8568904529599786,11.913458622398307 +4.465596768859817,8.118555599682413,12.68536719005505 +9.967649723712169,4.667979817339339,19.116375214289437 +0.8592572255510555,3.6618571039493766,5.037691777833225 +4.899229976460452,0.7342852829736768,9.85411116736255 +8.642589832568948,5.387911049071253,17.687276565210308 +4.161155974413667,3.9718450461099675,10.287390310180312 +0.28308536844540044,5.188756214002959,4.956087714008532 +4.755760816511717,3.458852570408167,10.911543835205991 +6.586772919058368,4.11032245168049,13.783304263470498 +5.717640038387147,8.850424247903701,15.095192447478674 +3.6388670091806388,3.979238396885486,9.332377038258645 +8.659039712668443,3.5809393023784866,16.581587821298125 +4.393628990686843,8.008122223582614,12.820737758384075 +5.918669023914298,9.338858487702641,15.560921428302349 +4.706629401722289,4.790264083801581,11.4657969569846 +0.42928370716479036,1.9730316366181666,3.443445794313436 +5.3999931605179095,1.8711063697115315,11.097798956642851 +4.535833956822985,2.833171801275646,10.308938808029296 +0.20813330710572675,4.751094275389159,4.667817602125096 +6.462699822537848,3.3823369646346615,13.474209000465184 +7.765269615292131,1.460539307945985,14.495224965733149 +0.91291735422102,9.348414940460628,8.096155761053666 +9.216565477070114,4.0654424850523885,17.640947216340365 +4.199318880479025,8.510355797973315,12.438995234232022 +5.305211180459597,1.1711378826719832,10.712075296470084 +1.1487344271800148,1.3113073830969568,4.3869937751560935 +7.807652043355564,6.0189626559344305,16.72964744065862 +2.9976619110907166,1.6207342040324946,7.2236943574345585 +1.234635206339989,7.413875087843116,7.495142922671876 +8.858625696091057,5.310783866712191,18.062595460139832 +7.727100971850992,2.831284049916425,15.156140688476851 +5.85663793454085,4.380388478451426,13.054872040130183 +0.8769419218029229,4.873667744747579,5.807403931177091 +8.467867489989576,0.5178251782599497,15.023376001425627 +4.771059769711555,8.732630760610352,13.515867690542494 +7.900719294766435,4.934499796666493,16.1979628328765 +1.7134463926368737,8.485261962914995,8.670820814855112 +1.5313458235462163,2.7682071319710175,5.812598971617586 +1.2427519145223431,4.5900911442790076,6.155880998052327 +6.291979279726508,8.271183109857416,15.6212674312763 +4.613376083818563,9.707202715851897,13.79474119181818 +5.958569874552183,6.044100352750758,13.986054070427667 +1.752880296263355,1.901160345200964,5.6143952938165755 +5.7662615708350025,7.208794037554325,14.323529584131204 +2.047066876477971,4.840176776925935,7.41393325199029 +3.562000613081638,4.3876375608179075,9.655060477225247 +2.2213093801535355,1.4072286403234757,5.961805078109518 +3.205010290538708,8.68916666839154,11.176045027945515 +8.052257595087662,1.0165413371271248,14.468357930306082 +0.878085122803608,4.929512288190442,5.765220741789572 +2.7738220213947775,8.234257950112601,10.21187891288935 +4.8618117957940115,8.52707740451865,13.55867786692242 +1.0819881864237713,9.700770767284455,8.546907767747198 +7.671013420774461,7.318765630660359,17.173508236782638 +9.402161612316954,4.703027402251736,18.650841992195904 +1.4888891406185134,4.969007458410761,6.797429386193103 +8.152238394105588,8.595429589656343,18.503227054196216 +4.885457056278328,7.323022201742937,12.981086121988113 +2.469527002391878,2.3054704190987696,6.894801969188385 +5.862595523830682,4.217511687575996,12.973081487250079 +1.610524094220972,7.613624928283792,8.099193399070842 +5.3214744772596205,5.203923074165578,12.647838657002998 +1.893095196796798,2.411406362659272,5.924536823474516 +6.927078843826669,8.519030825013484,16.704118659799928 +1.7721214681431374,8.123457211941819,8.829920514732795 +7.880951668927496,8.149118185753277,17.925959781121872 +5.817438138918311,3.5184201869075125,12.252792777370674 +7.7102092161904325,4.799454215720366,15.786805484709587 +2.218640814052526,4.0238676015720145,7.396166727943766 +4.57716841280349,5.053451527916994,11.147102240517663 +8.975635754087849,4.111650125762684,17.580266386910765 +2.848108170410196,9.623479576913013,11.182384662794876 +2.4194819093109077,0.11116290742092083,5.798322137806267 +8.498210181212254,9.544457707681575,19.495396602332967 +6.821319474729187,4.076496541921209,14.314078034135743 +5.4375468519430346,8.320015710966564,14.337217314758947 +8.853403299465953,1.0252588671091978,15.64545117354862 +8.67996717241004,6.173498162163165,18.181201712943203 +0.3227855213599673,1.0848570257039691,3.1656544705991223 +0.45534213713688265,9.48558572585442,7.494746130144014 +4.2651790266668455,7.156156308578509,11.92556661315942 +0.017173413479111277,7.931719665755405,6.065614918511704 +4.820353873133164,9.236026697626786,13.978307303601836 +5.208974912551904,7.888001492240496,13.874086870869267 +6.294666913603165,5.205384726396178,14.147379880908046 +9.482441888685017,4.955992221253746,18.542472962959245 +8.923883649741768,0.36077630134868977,15.606035091250494 +6.574188452491182,9.116615792341454,16.484155130653395 +8.992753294862739,4.850536305053504,18.018264057291304 +4.720971659696804,8.105134346232395,13.185587056570174 +3.350158851062038,9.371614251565445,11.866240539520883 +2.5068412055425937,0.7439782731311972,5.949466476883864 +7.719239526128563,4.047242555122495,15.658315554482183 +3.557773685633401,3.2090995477958595,8.989110013200879 +9.80442234186039,5.7167665307321585,19.6552884850849 +9.91914442598791,3.435809883434695,18.75083397506013 +4.139692386603108,2.117626981086679,9.179523950089544 +4.303641163395035,0.6200534290361548,8.916342483797076 +0.005578519329870746,4.530734761053536,4.355224763381277 +7.460239245928238,4.3706516646205404,15.356968188835797 +5.1800539916342005,4.4561589556552175,11.907281029285315 +5.2680427992129175,7.7560404774967715,13.799715847571854 +8.037862906184452,8.380580437124706,18.275652278219592 +2.1242990806961637,4.578444563439169,7.509789641762897 +8.310056962035713,9.418790198772951,19.111785588963688 +5.4298338240411415,4.929999780017083,12.670684503206035 +7.6459477114746,9.916943136025408,18.386839159310636 +4.259321983513246,1.6509967823483351,9.336138918912205 +8.343068010869455,7.104252084799802,18.23774872354719 +1.450757719952812,3.235092967380516,5.712423185885067 +5.532233922300136,7.314655603268763,13.961667688925871 +7.806465835550647,1.5573136982991398,14.585571969172387 +2.167506705671461,7.441225144250455,8.999460586280986 +1.161123727740857,4.981602389245619,6.0972343323916505 +5.459921543916701,3.3935454712561555,11.973134859900245 +7.963362141268813,0.5541581074579038,14.161545032871507 +7.774444947807966,6.460327483149886,16.91187807738511 +5.07217575673398,8.723726974786018,13.870722745528262 +2.02246438033613,8.00774035124349,9.117026393582282 +1.8777454076154654,9.904460972230009,9.726744407636867 +0.32764769889810696,5.531972591780506,5.347500578912121 +1.680168142213092,4.079750664733717,6.538639399599105 +1.4794667017456131,1.9382545179054012,5.140204002876091 +0.6098050872648819,0.08003545273850943,2.9959489312938823 +7.19305886106666,4.534605327461706,14.949453567856049 +0.45592185178122246,9.389698188838715,7.558555188349351 +6.656101454625324,2.6427313203349403,13.32407973788496 +4.386951471200986,4.89266682905633,10.970134580052356 +5.699278147708641,8.574502776695622,14.796234548592022 +5.899002827341522,9.787261490448632,15.74389228089852 +7.268090892967259,9.88517198270809,17.94430509562886 +5.5074915127648065,6.784491884630896,13.564031465364469 +7.378985720646466,7.5474703456899706,16.805335378547607 +0.2442962833629092,1.2747432073515796,2.9988649795776285 +2.2772238602908934,2.714944908764181,6.927555421713529 +9.053681892953225,7.2260322347243555,19.293453351360647 +1.4328161053436883,4.2635503308108,6.440016458742678 +2.431215451290826,8.298636465708096,9.799244946887546 +9.177969860195557,1.6429013681358917,16.73168094791281 +4.165707819775105,9.528369852531629,13.139474331757755 +6.570894426915891,8.680968683429342,16.266502159865716 +3.5769373100415427,2.097023662365698,8.4916176811063 +6.913037289790341,1.3742633487746903,12.997230279626237 +8.399018967262602,7.548371568554116,18.55554463651237 +3.049066350268034,4.9871151971896825,9.042642403670683 +7.991938996193749,9.349103197724256,18.71843019004823 +3.5216049588722766,7.899918183852645,11.300036354285442 +1.9446708109428334,9.03540139186564,9.297572676683192 +6.862500101999565,1.5273932007014823,13.052336983299694 +7.398289216099308,7.240576712682807,16.738059677026445 +7.422974569170884,3.4487741742468083,14.847510483473444 +7.398002499268358,8.265700568100572,17.225930577105192 +3.471289095410822,2.0795766658104373,8.395990446646017 +8.878799214929188,6.206940649811684,18.338955256764375 +4.6038716904494965,8.79743905939987,13.177651368252699 +1.360056435781477,8.105846058609751,8.034358553721619 +4.9082127588330335,0.4252426151803135,9.649365137580023 +9.72612685678538,7.7806674274884235,20.56369171108282 +2.1475582385457725,9.236955800012666,9.900416026538783 +9.353455586557802,8.00465600096518,20.123692530929453 +1.271704331420751,1.8638133323337291,4.865067091554239 +7.540329349042491,9.138057704629919,17.82772148476577 +2.1501813789442012,4.608278352236001,7.434895584762609 +1.5479395968245258,4.7800784283069415,6.5857367867279315 +6.425291300347242,0.18554888409359926,11.707994263283076 +6.429271916942968,6.39749927685734,14.92149187918334 +4.550084868656362,8.95402262594213,13.325829678973946 +1.3481901752005454,0.5131183045372334,4.281139113723535 +4.958311599746558,5.330345200821096,11.997102455382414 +2.666891862436851,9.616277066536863,11.066403153020143 +2.537272399831496,2.7016182873312786,7.074171854774819 +8.109864548212066,9.22823675828765,18.790976448373122 +5.361397460048596,0.1905398694656435,10.237667865072867 +3.554348825558603,2.2393982861582575,8.45545552844945 +5.110180473346554,6.825717892687797,12.997435744806625 +3.9243628540801234,5.373599807259232,10.654210228726775 +7.598603144122315,2.461470084731663,14.494684214236964 +1.9596789826376027,8.056349468271817,9.141898016450304 +0.3702362384083513,1.5059658371056506,3.3365607159016872 +0.12356745462270502,5.553847934559068,4.936934181993144 +6.000857318073685,5.310306943695037,13.514801220171716 +4.1426902931028025,5.290291234184641,10.743983220678633 +1.9393780151596263,8.262427248361568,9.035071331453086 +9.807730037062758,5.406228826460545,19.60398421155704 +3.743555383183894,7.917827165591712,11.597544226218721 +1.9307193108419518,3.207735660958353,6.534652755368522 +9.399805834353263,1.862941726179358,17.069790294605514 +1.1211557783658221,5.463536956445234,6.649906355311133 +5.874173366827583,5.9715010401092,13.752871530647004 +1.6447822904091303,7.211447272885668,8.229443835531754 +2.4228112793273695,9.48102550946899,10.33487176507942 +2.279571773487117,0.17311479100916904,5.435553761907693 +5.678451933174161,2.0284787310671204,11.523956184134045 +6.285738253474129,2.292133605709478,12.566219829768189 +4.280843641898019,1.7951440078801273,9.375038811516763 +4.28811357077414,1.3652033872339608,8.882373673715785 +3.3797305772584463,1.9893161681780303,8.079039947093543 +8.161018727831083,7.293540835945105,17.8284237903271 +1.6681939816389346,0.829045525276777,4.844418458279081 +0.2574460601302908,2.2667179613444075,3.389950326316879 +4.801773659967113,3.998831968642005,11.165596083884655 +9.71499031762559,7.922456451919524,20.482052995703665 +0.7818668274786456,1.58932382533298,3.9247990716706562 +0.2659905187485645,1.382263614382565,2.926256880820737 +5.294171488262903,0.7673803532520918,10.334762386840074 +0.5986794731012701,1.1816150429593408,3.409663855310559 +6.694136450732135,0.19358124908109842,11.974491759361522 +9.696261001940625,3.8078626351455256,18.393506616658183 +3.3658736102372044,4.748128339678629,9.345467036307596 +5.178617946166306,4.200133889638339,11.87210758806653 +4.863258808143107,3.397339007492862,10.93740667016924 +3.2200742072343225,0.27315265115261056,6.821733582851614 +6.7180053407704765,6.1727197956523785,15.074532539664215 +6.6882037737220115,9.410550540649721,16.56491577145206 +4.730847396688014,8.817704343022418,13.6188360647318 +4.439432468578483,4.776140274615617,11.177004989703235 +6.329525177148896,2.159013993856187,12.715686221284933 +2.1735612255710333,5.09831844219614,7.750516298126898 +0.6860981772029384,2.3665804942399395,4.3421484694424395 +7.934121535809416,4.637334273262396,16.26054922826041 +0.2662193354911635,0.607414183622893,2.62082054417312 +9.195153785726319,9.567184483402928,20.513471036100714 +6.411038378215835,1.8494510854174662,12.524085038321866 +3.68086207452523,3.0546705652130433,9.058873561445449 +7.851563208214376,5.370896851257651,16.49908370183218 +7.796565486146969,3.6051061021499975,15.49722263960153 +8.695114634767066,4.291623747294771,17.153631760178524 +4.173740683812439,4.890984380224874,10.84131228740951 +5.918057537044134,8.941118531581282,15.33626731542714 +4.577555447973872,9.301362372139817,13.499911552462555 +3.9366833536688017,3.245726945417158,9.506161413719184 +2.9504560731878726,0.21152004699864224,6.520124092519709 +8.491439406138564,0.7923373776263432,14.99708546562639 +3.3433135258726887,2.504567863872312,8.166944474375454 +7.444367341932216,9.325871756708981,18.07408558002066 +8.167097839288438,3.199983297572527,15.685596504929467 +4.557573435309291,2.470368964346089,10.098722301103653 +9.239801913213695,1.1874457458987975,16.48767819749718 +9.519544556447064,8.136568274160046,20.448873369722754 +7.115777125263103,7.7399365665003526,16.58031203816118 +3.3934680690204724,2.958865074071122,8.758721305436305 +3.814208655676522,1.8161324842075466,8.653343810578805 +7.463600851961037,4.750438370060198,15.705405931139879 +8.858099583197168,8.783815092768526,19.783054162540083 +1.5585387858254485,2.188182686737863,5.586098546593739 +4.106402256611266,1.188144596176337,8.756159434447921 +6.89433884760382,7.375956553365053,16.06927593208672 +7.213503587959317,4.702103140180689,15.134389298255376 +8.432162218673353,6.0584574673860025,17.69344742082064 +9.936117761866095,8.15438218109179,21.002866474030856 +7.222588157830618,1.2330280251749104,13.242655438786937 +8.32600037631681,3.055722156580493,16.00254729884319 +4.1891429554486095,4.62760284620285,10.686503128770457 +3.3131052897870985,1.084388001294565,7.376833010414467 +1.9936384788835326,8.034664544322625,8.909155825347009 +6.522701322317147,9.428414909660992,16.613824168590348 +8.210683536514637,4.022202260481152,16.46143924310038 +7.862061504263718,5.764291924631171,16.613161354239548 +2.86301082824973,9.75089313335739,11.187361281531588 +9.284909933541279,1.1219845379245752,16.480551925254346 +8.394214816636502,0.7768671976020269,15.097453419845655 +9.288191937719056,6.2416604281347,18.9997834762345 +1.665822444473315,8.172624358079378,8.547181222963783 +5.157818407635075,0.5954987468042394,10.168553706357706 +7.984273847917338,7.883381889891865,17.81776865855881 +4.82059946850147,7.311096664942628,12.836651655868646 +0.4014832901306775,3.1810659681476605,4.206047755586182 +6.7322238256099105,2.3060572552470315,13.403741347409309 +4.504113796713176,9.3194675878901,13.296558255707037 +8.267517785730398,5.579965476627059,17.12020069241511 +5.7671633086450615,8.87006017302953,15.145030131648634 +8.630591021027094,0.8829673438296826,15.462065200327263 +4.655773804978514,1.9085365357144068,9.959084543026774 +0.8321975708784002,2.92395508677496,4.69860177957128 +6.1064380534530756,7.943703208565303,15.144473924887816 +9.124763695257382,4.2295613478817975,17.651199394651382 +4.223230733110949,1.5325254784920295,9.111251042018106 +1.9484128382638577,1.0249489070081408,5.583306001326535 +9.75900546321928,1.275974364154352,17.14448054989199 +7.56642450583838,3.177642901667823,14.860053112972949 +5.371477994703119,8.727102121042634,14.38108015806345 +9.361674514742003,2.4023031886584176,17.210270731759245 +9.112694033600837,2.5205243439918004,17.113439716450507 +8.04797202630107,0.15250376858487957,14.055019172115369 +5.352314762690444,7.258126866619588,13.5443644298116 +8.389389688982419,8.41128886394696,18.86683613493863 +2.9886783342009693,8.531496094809896,10.68407989255496 +3.2364702775355845,2.3376736783453875,8.102309719064968 +0.014732697202091138,2.3571525513340474,3.1809691403846925 +1.1843882378939852,6.749366025989959,7.197167356925458 +1.4478762776088594,5.853835177445658,6.941944302657703 +1.2646775972522262,7.044185328618452,7.464674700978932 +2.8554550164786674,3.0869638761339067,7.848444108425199 +6.403853151150553,9.389453237101401,16.274968274105355 +9.91601049956975,3.5726361156658304,18.537059966670412 +9.463265732168958,6.1232146830214464,19.278189462107832 +9.064685760641261,0.2785214816144044,15.808693985867388 +0.33172851847926177,0.7457397770408536,2.8173472964201918 +8.043930019338056,1.3795647796454746,14.704528392752126 +1.7658501163977813,5.853999019862456,7.6551635656558314 +9.574458620689562,5.671124870804397,19.368272478567157 +7.325958008693723,1.877342634901784,14.021570242327233 +9.141740531486434,0.5587664856619778,16.014940388775607 +2.8281900831094653,4.537241913294023,8.486583500232317 +2.2617215474612173,6.637608141129633,8.70863629608231 +6.787924332037118,2.1185801861538134,13.108627451680944 +0.08591268731870216,0.7431724799065231,2.485016711991204 +0.004278850272756429,9.053937154973559,6.645375306991731 +6.216656952220426,1.3843527537019484,12.02112529094925 +0.9251292219844032,8.175948644785514,7.413118172948316 +8.11039595776331,9.273796402142775,18.730692289254915 +1.5927348125447294,5.22274760159522,6.997299399226815 +1.2147605670243478,7.956395647745966,7.676874990176236 +4.124847838071448,6.958255565776691,11.57554407081531 +0.3031368223071518,7.779309970918005,6.4976419704268125 +2.294862847504718,8.428043578066644,9.552706012820932 +1.8585848391828685,7.900972375949854,8.658209450221939 +1.3410573167990714,6.634172383170589,7.357805953609837 +7.7925872520948145,3.8623285111216887,15.575868707996376 +2.443326139046098,3.445275946434907,7.396490575674526 +2.965916589849508,6.330666303549623,9.70049561011963 +0.4456174448005179,0.41436385442046086,2.720900072978548 +2.8777257985423397,2.7697336169382805,7.7768801449271745 +1.7707023817428413,7.168149465887174,8.181889331789229 +0.2376292376879363,9.242347693904343,6.9490100591606545 +7.574868264630448,4.029577021134356,15.569300096451236 +8.589344199347678,6.1815351739364575,17.834521519638866 +5.702295615994481,3.1301786094606667,12.177602999945318 +6.6310467361864625,1.3969471108450515,12.757846600382237 +5.248992943783392,1.1611006073964214,10.385686649448564 +4.4514694125372065,6.1627120970217835,11.691787285866354 +1.5550343753900553,2.2211961207760753,5.406282833740028 +8.132577251170765,2.5571286723417783,15.408484619919928 +0.9555605806847278,3.3069012127099375,5.093438576957466 +9.351399403070518,6.937825615694014,19.585272519966207 +5.754343202505798,8.40419621497762,14.797289539368906 +6.601872500318644,8.111454488057616,16.05139142963374 +6.571570021935532,8.642578201707758,16.318745192383105 +6.240081755153254,2.6487486935888316,12.727602917393337 +0.4111814285119919,1.0532024692005881,3.19592173351266 +5.124457856179236,9.717683805949788,14.486133230112614 +7.5946168622472365,7.754426702065114,17.006841948648322 +6.637871219469609,9.034881326389216,16.532817959546207 +7.354593195420667,2.583634108711814,14.403354459849874 +4.994822851707576,4.043429963168688,11.538193691392722 +1.6539081810874545,2.223770647406975,5.683724508584877 +2.8515678823270196,1.7364366499228623,7.090743834510416 +2.173083992357314,9.1639336102378,9.893444348300163 +3.4323920820934495,8.275166895834012,11.433385957866449 +0.6438994432760392,9.818093895928307,7.941462903847332 +7.647917412896393,9.067160670736094,18.1397320319155 +5.259113715795641,6.345379182003379,13.196275816424615 +3.60819029339267,4.320312209738343,9.45030310406978 +7.507428143285576,0.4996863999890522,13.582903522565406 +0.36551335399587326,8.749210477285015,6.859679814720275 +1.100076400494655,7.210299493398731,7.144516007551931 +1.9954279729751534,3.6620888641852645,6.795620960728138 +2.9354981944083622,4.903354898703913,9.03034064515749 +8.266614865868076,8.755340908477251,18.723212741815356 +2.220445251938874,3.3764849915948947,6.843088731238658 +8.36916859188292,0.8963500193551288,14.857467087539376 +1.1689683853528843,4.795814196881526,6.199197612993292 +7.90144356111975,3.3597618108488425,15.456163719274862 +0.694319094902518,9.678675472064771,7.676497774473161 +9.389113222571053,6.519014163086007,19.20266565581484 +6.818764131118148,9.336953513521314,16.913314781689472 +6.43863414734065,7.884124293129985,15.677961932276043 +4.635158686554183,2.2800259814882784,10.048179460108303 +8.32532151789574,6.843819294780461,17.97478980686909 +2.8956217129285378,6.232755511608305,9.551303291486635 +8.164839821445224,2.703452263377085,15.520614817131731 +7.681521087219072,0.723433889918218,13.871876653113741 +6.249488241409268,9.98933625204296,16.308852300362446 +8.663747373989498,8.756580522899686,19.427799321902082 +6.803571528382734,4.611871275958452,14.450069539468405 +6.7721553195935,3.2119233711213013,13.642876944051507 +5.527685374189522,5.396799104493076,12.995186274669635 +5.437303509234969,4.119875904518647,12.326927712287304 +3.5280183036130697,3.3035451435396066,8.994857302719131 +2.24730858279473,4.385472449378486,7.664382624837387 +1.177456536354795,9.015735423209382,8.365954657148238 +0.6968379971361849,8.374187147485667,7.236565427121256 +2.4124840836438066,8.532191794779191,9.825073206852055 +7.202661947472286,9.209751212620601,17.321895564679167 +8.702329741435598,7.010875235684093,18.400271435052705 +1.516788230918762,5.490453198046304,7.13936390082943 +3.3982805362545143,8.857756356404241,11.493238474181968 +8.722284940547848,3.1403745239871084,16.483137625190704 +6.716995792779947,3.382848270572134,13.890350346313086 +6.781904953913194,6.138710443936849,15.251639348047604 +5.1094795245207925,8.784060140676273,14.153026287523513 +2.460502656822472,7.9746666429891855,9.651933138606003 +6.895077229722929,2.8126786977069553,13.669627819276673 +4.21685754610899,0.6901417052308056,8.714932055352365 +5.975766577032856,8.878909459755109,15.45596809705066 +1.1781842339802107,1.3199846000598237,4.399278573138925 +4.745668524576646,2.812301040578374,10.65600611322597 +2.7692891141379916,6.386701341168086,9.441831261875919 +4.102563774642892,8.446475588893303,12.433559855860908 +4.289061207435837,6.152754816410713,11.398972004370595 +3.9789137886833528,2.5602349716972537,9.123402266329107 +4.713321064567534,7.204804260909691,12.792285485800296 +9.528091406754694,0.4216682590559795,16.28413678095067 +5.318269476809787,6.359660091859331,13.1481363229659 +0.8572052673885289,8.291710239223569,7.446327455496085 +2.7595199865804956,8.749119459578175,10.464868390528128 +5.526069617502159,1.5207892768195175,11.04596694040311 +7.392208902190904,1.5722850262005406,13.91648557496786 +7.203784388482979,8.081982193893948,16.787945606009274 +5.755291451280665,2.7109244599314284,12.076540437927937 +4.373377636454108,5.280204549710063,11.258416282998493 +6.6578109972282284,6.339255382669025,15.138348326603099 +4.004243293625631,7.581663674604794,11.71455364638918 +7.714163649355044,6.963311990829958,17.043835382054958 +2.7215470420688437,4.693962867146625,8.640369019492237 +4.327570021432992,8.167922359448653,12.4995733400463 +8.081799809344815,8.6608090462578,18.606182309668238 +2.311757813734916,7.484545669873828,9.034391400870055 +8.703992086757037,1.6649074106336215,15.80236321279693 +0.3993706062490099,1.0550854845592261,3.072335681503597 +6.062023767018667,4.21647870455585,13.296183875892703 +1.9505136392789002,5.283035717568284,7.572824033257234 +7.855225142746414,8.558176806969795,18.192933269663676 +7.517209827954959,8.855113948021845,17.67010749265647 +6.041853987183935,8.370736807831642,15.24276340683738 +4.171870923625419,8.524786176576871,12.487331337746516 +8.958131888170177,6.864080607184095,19.071878263961004 +4.310463046493716,2.816739129610746,9.76203999154592 +3.2517947294756597,1.323551020734428,7.488647910479561 +0.471618052607915,4.144180460981123,4.681721079339723 +0.4266868555804604,8.805880266982273,7.1003016639665235 +6.499580902226491,8.436672462272691,15.853606608770589 +4.4441666074921224,2.2395294367534992,9.968229275990764 +2.9027882893496004,8.547331206241424,10.63591602567514 +1.2189323049101486,6.982658341878835,7.36096563552482 +2.25690242570181,3.531698801646299,7.197513289225679 +0.030467529708588792,4.790887693300667,4.439139216147955 +1.2835281714028735,8.596474081839219,8.235695734491715 +0.9772791900653832,2.503685373556505,4.7262345993451325 +0.14798405884745236,9.928773782230785,7.238287292871024 +6.414377279545803,6.435768210038422,14.757213117697187 +5.188608485495089,8.680554992067059,14.023982424515166 +1.4418808484438106,7.928518564660491,8.209177362907752 +8.071234759519763,0.36128357979896664,14.287302150171689 +1.3267694921208673,5.471489008726178,6.525253513290393 +0.9019152044321299,2.823662262198672,4.717184931809258 +4.036731099900164,1.5721755877033683,8.994181874710675 +7.041466880981916,4.95061330959638,15.021469265317295 +6.398164408325032,4.742995289911321,13.915645125438292 +4.124843968311625,4.923890534881346,10.499731836640757 +8.995147680329882,3.9603882829294035,17.416132560896504 +6.422625968137278,8.339625162146508,15.687376188272033 +6.210876502288178,2.2606438067324133,12.489557114572245 +1.2195968250743017,5.908771296482246,6.7887101599701865 +7.273952915756931,7.687371501956882,16.718268832295813 +6.938021974697687,0.034542248571275413,12.34808230465439 +7.738402948469364,6.046226894301795,16.7833619190102 +9.881813824315056,7.645872803327482,20.57512548434978 +4.302071607706957,6.761499591679198,11.76369733574738 +6.159357349166306,3.373934781909429,12.901706610647027 +5.335291444353844,2.0438097948210143,11.014530173298501 +0.8783017198281318,7.330244434240826,7.030779426984371 +3.8412869425576304,7.557133223324669,11.633541501373546 +4.883370172006406,8.097893747467324,13.45955945068645 +7.3960882166246975,7.641309697217036,17.15777660865839 +4.2933148793776175,9.611792597466838,13.076581219128817 +4.052545814780434,7.931437582537212,12.067622646373703 +4.8958880540112855,2.350856636004627,10.467209715743502 +6.289139367039494,4.6910942050639415,13.98023213995465 +2.640698623044667,3.8253167970070012,7.89126668050332 +1.5993733766265361,9.87045414743735,9.13131992370805 +6.4318372077986465,1.7354484707922901,12.558901424875263 +7.6458833617377895,6.0187849748044355,16.504900773934303 +7.2255120559297845,5.844863734132168,15.836474532587802 +0.6046721938640465,2.0323973186725675,3.8508538663438463 +7.687443316464836,7.543503321040898,17.335699362018296 +7.538753313151062,0.15214717426955127,13.357154917800802 +8.051507913586102,4.391281947824448,16.205766655588405 +6.936614513433669,2.7207967827406545,13.799592546867204 +7.695286368198832,9.822817688105339,18.469616865674364 +2.5353875069931933,7.841976404168794,9.829074781877928 +6.049504530289171,2.7309581692567484,12.442434775379201 +2.9435704383064643,7.316376718226571,10.133934274994214 +2.8434597859615254,0.47793567187452424,6.383414160655235 +8.739602998501997,5.889492537080084,18.1936024829852 +7.584736329059119,6.032237386136037,16.315503119451375 +5.164574356805433,7.699823811868399,13.68706649172658 +0.32156329403038697,3.11886487495064,4.068089253726847 +6.27468725543668,9.439746948171896,16.14553673035921 +3.936507231188714,9.75290905263051,12.85724991426375 +7.552818620363842,4.848964492473753,15.539712007381311 +4.291584059088014,1.2944251893613867,9.027236251049013 +6.151941406157368,0.5235366752392412,11.564293404610154 +4.290743254184891,2.377087627257942,9.816868007144942 +9.562860967060901,3.6326395559470748,18.158175406732855 +4.892537277794583,3.7549310152520023,10.972508504559604 +1.3720980208901568,3.5258204596355593,5.789335363585286 +7.789988391841303,6.211956758553016,16.78494598129189 +4.374150029248799,8.205706697103134,12.775024328499908 +0.041487485380335976,8.266008003132644,6.200069532827768 +0.5953558261894631,8.702719089110332,7.116720771889545 +9.475720468613334,8.191694991392698,20.405777853447574 +0.19593770562901902,5.262079644990163,4.9817780630313395 +8.287962827514479,5.450163620948184,17.08711668440632 +3.5993670604571304,4.706954267336343,9.824514984731707 +0.8069391088423838,4.963136448458681,5.637315453700309 +0.2784682790317361,6.441154478304989,5.608458853353572 +3.904522530806156,1.913429805225073,8.760529865499455 +0.1738290109730889,9.22119014229424,6.840344473092309 +5.563190270838873,6.469533856486369,13.67022836077764 +7.793577145198409,6.265904221798123,16.644739288876295 +4.131040335130863,6.275882030329716,11.444914452231465 +2.525165797150243,5.613516338537092,8.61213935018609 +2.055873013018763,9.174228051387152,9.631915010308745 +5.095676788422518,2.3384028082633748,10.814792895424386 +6.396325258679113,0.9031960349105872,11.955188309140317 +4.340190186106753,8.65964618943008,12.676936024591637 +7.678585029493391,7.034395258722032,16.946997349426177 +4.70603342643955,4.468791178959877,11.103896798190892 +0.11309627572005487,6.000379468331496,5.034569931838842 +5.770083312913742,0.05279020955689995,10.519244917346755 +1.370435391320406,0.12436155878229438,4.240215749802426 +2.5317894595881807,0.038531219802473426,5.688528684560135 +4.17369258229189,4.763931213329338,10.638379844748886 +4.3708166065979634,1.993892056342692,9.664844604944337 +5.235592298648908,8.140946216505041,14.008870440200768 +2.9121525056252384,3.125754343232922,7.90159232423574 +5.428258425311067,2.3375439247272514,11.282101971252427 +3.377863274974664,4.52437224189052,9.346996108632588 +3.863024022763746,8.18232303781668,12.096920376841032 +8.489935605851752,4.0287847491372375,16.790600505724267 +4.477865498672051,9.568941262017452,13.568090870598182 +5.0308751192127685,9.930320513696445,14.738112615921537 +7.628027726876375,2.6423222086492224,14.790985331276271 +2.290926653129043,1.5906448801226314,6.346498314723516 +8.06145726203189,3.06862042175731,15.674268629795021 +6.757925102174771,5.4013614954221065,14.883884158853427 +8.259973029066895,7.508174336409374,18.047712820087316 +0.6374892435976043,3.384276094051554,4.5354567037308335 +5.200987121404477,8.03638912254327,13.768443597668664 +7.140275378886224,5.494039506683539,15.545626343363704 +8.083753405217362,4.349284761097126,16.383719103891035 +0.556595739258674,8.705357286151905,7.320890879935336 +5.265933518964808,8.084030873639884,13.939805346788406 +3.9208171795367286,5.885522518794844,10.877761220221435 +3.3109300546288036,4.0957497444538715,9.068469513386086 +1.473982216830071,7.416035669103981,7.908241738549446 +2.802843059983655,3.017311444506637,7.6807668448090665 +3.541889625578137,4.3212611639720135,9.324965195083532 +5.761639120213643,6.828066316954665,14.041238382345531 +6.756895086242027,4.23680915928294,14.2433471571155 +4.818906675811585,1.4032051795585487,10.043401337452075 +5.215060826982759,8.770567021689889,14.331173936668504 +4.604498812614062,9.38013593099349,13.611387517481592 +1.557835399297649,7.36909459137326,8.227638712543552 +7.079889103795148,6.815289535756225,16.046477121997444 +6.628571993602883,0.22308273576866933,12.157691390106876 +7.421222520521049,4.996842747928994,15.620247742059986 +5.241861896999901,0.5087264021119742,10.003140967576917 +1.8838112831262277,9.110069075631596,9.338229532736277 +3.1552833677487593,3.9388022061542802,8.849731252305892 +1.892035191945809,6.321907821422828,7.972586493910927 +7.407008758068273,9.212618414437287,17.67017252831575 +5.620636137917386,2.7563068081564435,11.808701024307625 +0.7096331485159801,2.661094380292041,4.356047204115519 +6.183645422995027,9.741035686177396,16.265361884120875 +0.7919781776901591,3.883664380867584,5.318344926827131 +6.672357094143156,5.745709442049748,14.881983851794343 +6.516926031972128,4.632084716901796,14.145476974465534 +2.6703670543798363,4.827522642127385,8.516499414151511 +3.81536129936878,7.092975314285507,11.280384422023566 +1.7162482236878829,4.961479329717456,6.967320791631296 +9.590625590475216,5.317939577064893,19.00396391369339 +2.372094747850949,9.358502958006945,10.278595896059475 +2.4415738685431565,7.511801379936851,9.457642710396264 +1.0953126007294567,8.520896098053335,7.72419809575922 +1.8057458760524503,3.941794681349262,6.635854053582696 +9.656203346050848,5.793947277060832,19.307577949866722 +2.639959359251166,0.0062716896196912675,6.051304061843288 +0.06789223380095022,2.745876800209138,3.4049526574601936 +5.268547930113837,4.848912686460584,12.281163575353258 +9.218816312860138,7.640941148411731,19.59908589701013 +9.247356359341056,5.117781883199135,18.509058649987363 +4.466664121451012,5.6608829712037565,11.627322100945536 +3.7214608771007374,2.108114913371656,8.685606127411482 +8.36660558467781,6.805315835611827,18.063207238154835 +3.2565809222522613,4.462812389004309,9.23981909471372 +2.254478347711352,5.628390566601102,8.014881940839564 +3.583581431827797,8.755753174682217,11.812439870107417 +5.283629404564635,4.117306377031293,11.947117427222757 +7.496197638732532,9.05101290469765,17.644128069910476 +8.174190976257856,4.949170951961587,16.703898492207546 +3.5644333703023143,6.621293431408594,10.730382842782163 +8.168680434911437,9.786395773365031,19.291743267738983 +4.572512359587363,6.682401436872429,12.065459272549539 +2.9310325320969066,0.8746329645331308,6.895706859933245 +2.530577278153144,0.1449013419479217,6.064879483827963 +5.0942759888672455,3.7315611261192307,11.690269911364519 +6.7827480986244835,6.153140343174086,14.905361809499913 +1.6786643444441685,6.738215944817876,8.104992496258804 +1.874002246540919,0.059531442491664865,4.936873201418279 +9.70192662959465,0.2698504704691862,16.45707690684384 +3.4174907670648524,6.375112409506102,10.237226258151223 +3.7037453715853044,3.8120915474141395,9.587440238961161 +7.227275404552952,6.0215393446253005,15.887711330929898 +5.183774462765149,8.863167338837739,14.149849790587288 +1.081136460372084,4.69767542114007,5.977188675515842 +2.3906674252183824,0.3680784816741056,5.824632270521148 +9.790337021822939,7.340268272591296,20.297712773122147 +2.161855159913577,4.024342551548834,7.2422422750625834 +2.2602424375397936,6.848552859838013,8.904331796859799 +3.5044707143898335,9.19862581866064,11.785937073988553 +2.075552191509659,3.4982618432534016,6.726760389410236 +9.31814486043558,8.8468075410208,20.336889838518207 +2.93170145983055,4.830686776871693,8.72400434193343 +8.837049834530777,6.706345606745977,18.548260839901776 +6.3727968133328625,6.605585700933898,14.689242205296514 +9.209811342229505,5.171738407100936,18.424148315903675 +1.8177986056178697,4.727237538783359,7.177076807509842 +7.288883018084368,4.921343140377996,15.312823338164812 +3.132627243595901,6.663299119538214,9.965393502696667 +4.502297528395458,9.628202613223726,13.548808948973283 +3.521405509179459,7.1748692362881155,10.778412351962865 +5.550719899198886,0.7756477339942391,10.812281973100939 +4.697579174852792,0.29163742165443485,9.103321352089184 +7.898317031064264,7.345300852272553,17.467536026169785 +0.5051183793990754,4.996947135958536,5.179824343246937 +9.615394625572534,2.846387802269219,17.947033551303015 +9.043032973273998,1.510926597672163,16.296904867737492 +0.0660245377947899,5.305213852260082,4.950954661496606 +2.3924330796332773,8.792242020546887,10.020147097161868 +6.739220044652154,6.868903538084066,15.6591249642462 +6.732804027885734,6.789576706353934,15.461567172030819 +7.471148564574474,6.698876533156504,16.461899061655075 +8.342752755727286,5.581221370247121,17.30142373235619 +3.5068822386176954,4.668471716841809,9.526654858950781 +4.402350320320448,3.325063048279521,10.066204076990225 +4.154681225021828,3.8498675177937036,10.258307577629028 +1.111402807196522,8.3055230105945,7.82314001698815 +7.564657312317879,3.375387321311737,14.964649384693743 +9.451320390628378,9.49362540663467,20.96142045292104 +8.567197245192181,0.2937283886045172,15.002353324696855 +3.712179941719916,4.57336566771904,9.995931816454195 +7.1871628247236785,6.348123344361918,15.99808758527741 +6.78378613589376,7.6721341380157995,15.996054344708133 +9.48435429069111,5.51508367250052,19.05341608318362 +9.040424644901206,8.148188850736437,19.63113497678391 +3.3792424831247283,8.13670467189436,11.155599338603919 +1.1734527197305455,1.5875962390917175,4.6765938777604505 +9.923784854930485,4.286886012262022,18.91226308023815 +4.606180240028186,9.510308676301225,13.578097336847604 +3.618397861633922,2.369665973972025,8.570494108896101 +0.7782173743734844,5.226198022042828,5.753122187697519 +1.9968914303967145,0.648060347177174,5.435021229977742 +8.13069459451703,3.2859691634159747,15.697556535235623 +5.7939018202840025,1.0464563978109753,11.211130940897013 +5.055826330507975,6.318401125291809,12.687862247702716 +4.498636109441945,3.374818164162481,10.605411489600476 +3.1095503439933148,1.0938375290446278,7.2996290308802525 +1.1569120972852465,4.956961629001121,6.237718188149501 +1.3882925388476586,2.234508419702105,5.2965772879161666 +1.648176724249606,8.024843613341838,8.352742900866172 +4.49717067671902,5.5258953139927405,11.711454120521559 +5.829581480673051,3.96384872816765,12.64211120001577 +2.9843105064332742,3.8244550993775617,8.514388303173849 +5.3482319741982565,3.585772605732699,11.870399369373361 +1.3661592437973091,9.136869421436272,8.644106058053987 +7.324062418938101,0.6626986046523897,13.438965391499488 +9.056999501394369,1.704651900184393,16.53748340480228 +0.9773018349210427,1.7321689773558313,4.3427754579696565 +9.330339056594967,2.2129427740351915,17.059820108274334 +7.869919257020046,6.430382252087387,17.032372907391004 +5.182230783659546,3.655936371634172,11.591033696894671 +0.9293410589470852,7.10654777801551,6.982684599620857 +3.9478147482075676,5.349861401692815,10.698711780568551 +0.5176181596174168,7.75937829848425,6.702973237645589 +6.922715128927612,5.293003699133031,15.049061513744007 +4.963074279074791,3.370307615794077,11.064368535231655 +3.4240389540079397,0.6846591864615492,7.510853697276626 +6.867135937559309,0.44972947623963866,12.355975339647681 +0.014187793368453105,0.30981185725411087,2.0964368720777387 +2.034474717670677,5.701957148097216,7.963314882899307 +6.811592009315631,4.207383826161126,14.409598641511113 +4.0863869905524215,5.767858883648012,11.011443586029083 +5.968275679658468,8.449975836631245,15.197500488901467 +8.190881651328064,8.23526204575288,18.44097961516844 +8.441727977402321,8.798304870215985,19.12988799708655 +5.553167879399727,5.951671639290778,13.285446724089663 +7.272259972085388,1.9900755561789074,13.805131688824451 +3.6046103007031496,9.126529806192737,12.008897790717134 +5.227624306198083,0.5178761792172304,10.296205071956845 +4.055597845872349,1.6078920323744827,8.79509750060142 +3.562868618704754,5.449759602950425,10.056491397690763 +5.0513640175677565,4.904690301746994,11.990766533417698 +0.18338947447570142,4.451048783314987,4.7419284412576514 +0.289637672930817,4.048607757558965,4.3626878448639586 +6.469999109014543,1.259044582066886,12.318475156158273 +9.167727407242129,6.305114899593964,18.86767994045276 +2.1759863559089143,3.940876677803459,7.108983205074573 +0.9690726330997268,0.2206328766552912,3.4330594870856315 +9.158614802431245,6.751840507234141,19.17068079749491 +7.796461014809238,6.221728478399099,16.876421051999042 +9.067655276084274,8.95918820985667,20.02512700474694 +0.5815855250916613,1.8946998357820488,3.960627845780114 +3.9578989421189448,3.4108955461512447,9.417214874555865 +5.255725316232236,2.6653180171948354,11.09039975561027 +7.974591179566534,0.07493848138124815,13.916883948575867 +7.915130824798414,3.933702765813071,15.838652292528527 +0.051350087497756824,8.470642689407658,6.26725576532823 +4.467544971327891,7.247266429690295,12.30484596106241 +8.7844872450065,0.34312743123076084,15.39680016172949 +2.621620516958454,1.1889159027661145,6.672595672955998 +0.980101603956004,9.45641091800912,8.278600934567756 +8.0556937926559,3.6472516000469755,15.9127818309205 +6.87293042803752,9.194452737849662,16.89860785521098 +2.208134938737898,0.1415073757483587,5.493097252036096 +8.241083412069418,7.2269832912805505,18.1635402461203 +1.602572754219892,4.8964584548510235,6.915917653059896 +1.6043388504493505,6.0261386182914976,7.3705671273041204 +6.47569945321874,2.7668270751400437,13.122885531043835 +7.808371269171284,4.735963489241425,16.138569869536777 +7.063579112955095,6.3981118142328475,15.738909996103516 +4.507589321106144,2.9271726207759508,10.311545742616326 +2.0430440385557724,7.459440324271879,8.820690376472255 +6.419434770911145,2.8094192835318808,13.150327607513274 +9.67099172803488,8.103389307173291,20.460508062891257 +1.2680226091725455,1.625634133619498,4.540703218779437 +5.440478108732032,1.0237955048288139,10.633339529450854 +9.643380052000838,6.38023405115427,19.657560792556904 +0.6617403673047473,4.434857303624891,5.029948923310333 +2.2196847868461833,4.904507360035067,7.72093502940209 +2.4702549975174968,8.31796154307461,9.992718817833174 +7.2109920964173355,9.065781517809924,17.402707257886313 +1.9795761473971718,3.853922373495161,6.910148172526357 +8.054665470172859,3.7384660065544706,15.84565276487485 +3.790883831214656,9.860384433898894,12.74154616031407 +7.708631869101126,8.608175117308633,17.82530078736307 +4.0697283611196235,5.859185229699635,11.043684589231457 +4.505535705517288,4.502935799095706,11.050511647572833 +1.2769913568677127,8.421328514023074,8.143276416619141 +3.9054243367208974,5.818243939645827,10.91643628937752 +8.570718461246233,7.734772530167997,18.780975339208865 +1.982379770395527,6.18511365606847,8.099960715857305 +4.95731089271548,2.601521515954949,10.728084139522075 +0.4085790351009644,6.297913080226606,5.805015699082537 +7.798549148714806,9.417184117032203,18.385416156083657 +3.549837587494596,3.992171515354955,9.33978004289332 +1.6300563042489447,9.84616023332894,9.33399313561106 +8.495869963066426,9.576037289729427,19.481880251396326 +4.953471381254463,2.097813841874255,10.387508074623812 +5.731845537302535,3.7209191580887624,12.43110874047237 +3.478644308104034,0.8236428402309692,7.596108413477063 +0.7314921470201208,3.7879855298551024,5.174168594846849 +9.261985439813103,7.230237104792231,19.60730725801286 +7.605585801759554,2.342906764552779,14.566429504914769 +7.3452961108271,4.063191263909474,15.007208645438604 +0.5939061047320326,3.948135675183053,4.92643250872423 +1.3125378743236893,8.536994629314485,8.43153206372361 +8.402940644749076,2.8746892829992543,16.121411630981466 +6.119223027755851,3.6375971835726064,12.825627763722053 +1.5422617434361496,6.494073114086197,7.646745625401067 +7.6010664331092235,7.747227410657532,17.379245332675172 +1.4922058589316578,5.125785184951383,7.021125276590476 +0.23899357199450355,0.9016949762849769,2.784503205854636 +0.810511530853878,0.5719079355050116,3.515578139396243 +3.337693490578346,3.5767960085317085,8.839962260152245 +6.978703420702283,3.298797213637524,14.041055967371713 +1.4039580417774822,9.468756309901693,8.75485771940023 +8.75476403985699,1.2422575540377634,15.793210604896059 +3.627786999691487,1.680846509849716,8.127800858546532 +9.591114274329676,3.5597759210456124,18.034857027972315 +0.9811742691793435,7.268439883298804,7.187549065004376 +7.117175161853958,2.4103445572369164,13.930718940149603 +3.2146185092012383,4.1501889749172625,9.021996396804857 +2.6770000177164768,2.8888770817625007,7.506261883613377 +8.015903920186568,7.5185060522661376,17.784151160846992 +6.926292119704865,6.867735568448488,15.952212885731116 +5.2188193066387365,3.50921277961059,11.540548301478522 +7.205449454774035,1.1636773753496898,13.356679053711106 +1.4107050520669207,1.2626520794575957,4.7409317961346495 +7.327180517503235,5.915408843637119,15.993521742100096 +4.501603793688476,4.762313414288018,11.126900163346058 +8.275593271711472,1.216797789663413,14.873284032560795 +3.8324428034558053,7.6016620550067255,11.522836029462805 +6.578393705710703,4.351467214778807,14.040168460437974 +2.2434120963101267,9.464412133049587,10.108806251189831 +4.079193628565091,8.778350039035832,12.463025419922507 +7.778304800332757,8.615300330102997,18.025668966206155 +0.16921994238677573,4.773914279799932,4.479734476424649 +2.594338268176389,2.7402135522523396,7.303190134016386 +2.698403223244006,3.8931367184596564,8.17345917775814 +4.107046161531684,6.340402481482471,11.270089679790585 +3.003645523480759,2.7277714612584045,7.875115053953412 +3.6060820265249927,6.865144929354994,10.81699297937832 +0.001711756244947571,7.4692795722673075,5.714190384466205 +3.389687519924398,5.762397732508458,9.862883264804346 +7.615222922385597,5.108351676332793,16.176166078117088 +6.4715124853097405,9.199407301330876,16.345550905062915 +0.29866272394770244,3.4952883617399033,4.1285586085788255 +9.268541592993467,8.374298297042314,20.011496888673456 +6.168279813515756,2.2930295139803327,12.405084598988477 +3.3053303792794875,8.579563762666258,11.031010138269544 +6.98271457281969,2.856502296610026,14.007605209356234 +1.3224550180524286,7.807703341042288,7.836149138196648 +5.762246797205512,9.634381899080239,15.49944049659117 +4.064911771303944,3.49026963756198,9.886062250386015 +2.907561429598794,4.818801371926721,8.867272750365885 +3.2272964247161804,0.7319059978704145,7.256160190628992 +3.121290578928153,2.188859333030625,7.850683044106984 +8.153849962785587,2.3559253312526796,15.51064415804614 +4.588715710189368,6.7273824236247926,12.213740128361536 +1.4922687273244606,5.312824844359571,7.109954240829451 +8.47186951638599,5.840807517660912,17.66349541958233 +4.823864389691986,8.388788947055122,13.427392819425345 +9.472519273788725,8.209853994034503,20.229595462545724 +4.084094486007546,6.116930886692934,11.16390227984317 +5.266416950300847,3.0330862268411773,11.456354144012362 +4.353201289591915,8.292667794441382,12.685663532064703 +3.0047984286702967,8.895570571156131,11.137727706424362 +9.914293192081454,3.0676729573548975,18.3662777525992 +1.2273805462617138,9.571743488553464,8.694873528583019 +1.7106515967605973,7.714638089361773,8.310741608621809 +0.39113478648201805,2.3556509847015414,3.9828484971806515 +2.601553110299646,2.972350320532952,7.269141095033961 +9.193037603731687,1.7530970920991185,16.873533394710215 +1.7363896408860913,6.916749367101237,8.049375209531117 +9.523171069997971,3.892843584315542,18.00772320965664 +7.731286561517726,0.3103589250559047,13.887313082404257 +8.240637188070686,7.233969011224191,17.986172771936435 +8.966156518554625,6.374542835383026,18.59116212200043 +9.413366441604655,3.8985740949474366,18.13350487078364 +7.3253144472074965,7.255642082109405,16.682233532329782 +2.6860786068493505,9.205795390951387,10.673473945196525 +7.791767912046089,8.663517835245635,18.132914644279193 +3.625910007984671,8.412547834955745,11.670393869970736 +3.1497646062973415,9.644010500004486,11.611624587130288 +0.2394713636581347,6.191875473523993,5.402968346097803 +1.1223951134664445,7.187331733278222,7.3538149331563565 +3.6368830367403806,8.706405934280971,11.756787327323316 +8.727025109053594,3.680898735038748,16.818532934716835 +8.099817769615278,6.811368771594715,17.534784812688837 +4.265669286537124,3.4323644395380235,10.087108095143952 +2.103049314692208,0.6320845285650911,5.563391280381163 +5.173593686025637,5.400405370755102,12.315273145290593 +4.440186584603416,9.505971797134382,13.522629103780252 +0.13690117263167267,8.503049599765884,6.3945790935591935 +8.00821447033077,7.58752394254019,17.55959415910445 +5.249153123806439,1.9035537820796056,10.704767642377483 +8.628793687734381,7.445946545633016,18.63541029091703 +8.328212143804857,2.3578757327313635,15.715678671222461 +5.543749931039361,4.1595923895506,12.382091142084787 +6.396714352382277,7.526076935359698,15.237156133430567 +1.7371536844498714,1.740382321149514,5.398068222425412 +0.43606875938773215,1.5718503833113262,3.320742325406702 +2.401732296296688,0.7251857909945669,5.9910669676060575 +3.5569095490512,6.751662952455647,10.702136450638596 +7.930731277441504,3.4581626285830023,15.686555425249797 +0.8382489796229442,7.593723261584083,6.877215274767343 +3.9118368836963113,2.5142759505407275,9.071494991514133 +4.706909754473476,9.698642760741,14.112565818628362 +3.7263983664795264,9.59453074386708,12.45096635716192 +2.531691596797929,1.0554476001890012,6.295650467096814 +1.571788030023924,7.737817398421739,8.127855334296147 +5.376131164488934,5.819222503830605,13.084582759175213 +9.67708396852188,5.048373705189647,19.193079917764372 +1.1702088894450602,7.18515234359992,7.233022732553714 +2.07851364069643,5.815380148024186,7.920053657739955 +8.54378765461995,4.77081075432598,17.228966951913588 +3.142851009015948,5.755465872070433,9.629237800424596 +1.2695129128211402,3.075640562777587,5.490367498871086 +5.041427868603767,2.541511636212391,11.017234605394087 +0.39258121522329437,5.8514097942185845,5.417427931854703 +4.012473648112821,3.9061025943482974,9.975747602532392 +9.96812795897975,1.1178403188695996,17.583231494704123 +1.541756378062098,8.762618174844567,8.764985603416504 +1.3026165905404785,9.176228320811173,8.477257556044572 +6.719608612842088,5.28162904923863,14.659395025848834 +2.784006815294713,3.594734820713387,7.9274554213194115 +8.2595456991343,0.5750454825193074,14.847187014657063 +7.685486070062541,8.278206853570747,17.569485416812647 +7.059669088836537,0.5450466474017679,12.829595991087999 +7.426549203646741,7.23163899106161,16.833188500056785 +0.1309387603292167,8.922833652878921,6.548943725464138 +1.3219582532671925,9.60782172022048,8.812650055221077 +0.7077058109418988,2.380494288559516,4.0618527154094695 +6.902421913196527,1.3724131447688948,13.059099574998843 +1.8496755698090106,0.11171643657057806,4.835609046764793 +8.26480075803284,0.3761730072921454,14.60164860335944 +6.325730157274954,5.823073282289144,14.313238630747499 +5.112402605537932,3.7515772483462486,11.56716496566448 +2.9956256445540976,9.569475247611086,11.27427125545433 +7.853582753981895,9.227325986658983,18.52394917035406 +7.338979527594727,8.290089211880176,17.217298014375288 +9.64175421868942,4.536445566132734,18.585955868842174 +9.068962734212146,0.4307416268999342,15.735556405795338 +1.0787213524592076,4.903743351453543,6.008317989363276 +4.539732505280023,4.382130800392191,11.018702734998497 +5.371916517753879,5.3837279283898445,12.732827015375763 +8.705647383026276,3.4591281267867235,16.770709604572392 +3.162409556935577,7.018952392952498,10.534863842453174 +6.48476937660066,8.29846984023332,15.825099330534048 +3.0927812694474066,0.06394216253686746,6.810229582686591 +9.440636840859176,0.4422539373850798,16.367346117063814 +6.8001294336046625,3.2183199178577793,13.591501684796595 +4.235330553909131,8.380327774092649,12.562292260868988 +4.195794877385256,1.4437152810335563,9.127473036846284 +7.544350849353898,0.20211517060039652,13.480928569865277 +2.747329884338953,5.3807361189160785,8.836977924701898 +4.377636955146402,6.202283390131521,11.669969717601806 +3.8134769271380953,3.905847122961462,9.62367310135046 +3.4865726010413156,8.872704689328854,11.755834798660667 +0.17296511094167966,9.396419673418006,6.9142371674261724 +3.582216752017274,3.648827556903073,9.133705170148168 +7.25892848049817,3.882767387258607,14.870839616585913 +6.1664482210122715,9.036306790861412,15.73781828490511 +8.461980475259693,5.15366677609178,17.39789056142899 +7.166521279125396,3.9243474510539214,14.758683672701915 +7.76044156830853,1.7018343674961434,14.413782555278098 +0.4563178143557589,5.407326759187577,5.273667377211076 +2.1533868480646747,7.287259428631626,8.816350799314748 +1.0132350869529805,0.0849513816858416,3.7961239732824072 +6.757033497418591,5.007994379181666,14.615790163296003 +9.520154068301835,2.4748560786359572,17.59348697617977 +1.2325611750061172,0.23106181818359217,3.8338080027304313 +4.442473489453878,1.0081688539591105,9.059486531852999 +7.7564343832960505,0.7198579438560071,13.975737379877236 +9.207548104503314,5.408539232420617,18.685701586881912 +6.963719489435082,1.3091710580477467,12.971091315644923 +0.8950532578464809,3.536837765172094,5.04802531707939 +5.204345392711409,5.755019513296279,12.774197264173624 +3.297884582896952,2.7266229518433827,8.46939721233066 +9.814105423244996,2.7266191994398827,18.128208064658008 +1.379249082845807,3.5945966438667187,5.933758788694809 +3.0387131438099657,4.217352010057991,8.57705350355552 +6.237137363728421,6.031479332493061,14.239153661219506 +6.982898854151857,1.56685070614082,13.14319126006565 +0.45944363993978166,7.9080979972845356,6.555878618989934 +2.1715263960762,3.1566500388967125,6.858174847452637 +4.556797144091382,7.163063683439717,12.294763736266551 +1.6358443006600298,9.024022649842793,8.990817902739924 +3.2152733419153634,9.826626928390676,11.704704816655273 +2.8541256298862483,7.2565301575158045,9.85320172428701 +3.766691120021691,8.365877358739194,11.921479129561021 +4.624065924235985,8.705318859467905,13.1928552658068 +7.539386251715092,5.860285958064008,16.382792800910707 +2.499899296578106,2.598677190609102,7.1322718483506256 +9.914220915336776,9.253879969665826,21.39926118874561 +1.3841838975706489,2.040645160791735,5.216822048802442 +1.0681438624102724,2.013377985187418,4.498081061738916 +2.902375782189588,8.376269317752103,10.671006310286389 +0.951822509928637,8.821205660026244,7.87162997386904 +9.7193013142695,2.8174006841313934,17.82974001957695 +4.562338457421009,5.293283736240339,11.360611721318719 +2.0568933285733912,7.315763789367484,8.702724422859184 +5.799987995889677,1.1217735500947823,11.347648329234689 +8.959823126310173,3.021926920893141,16.93362917110871 +1.562473167713777,9.818544016404033,9.233419700832291 +1.0290899701169731,0.5969668463837041,3.8461353172340993 +2.3755300683015443,3.1926491739684937,6.9601112869504504 +4.338026661507016,6.851702180545111,12.015313610910074 +3.6571338422990376,5.593336107029797,10.416334637076494 +0.05811425630029565,3.8489968185219245,4.090605918690938 +9.449686754234813,7.7484670566501705,20.00641502985771 +7.4080056911653465,3.0451597649602036,14.546084274664038 +4.881761731743593,8.445235022880091,13.437066407523744 +8.801556697595048,7.105430292911295,18.641736103622232 +4.56541431069258,0.7316504524493062,9.440402979335914 +1.1935330855215065,0.0029292182491280627,3.783881941754016 +3.5919976950293386,0.23383963499597038,7.5953849575792995 +4.35021790726789,5.9754162321744175,11.597998773840578 +5.958801403782715,5.552975182009487,13.728950741789465 +2.261708608224071,5.191889016889812,7.895341911195552 +9.798359304170464,4.44617787025745,18.97249725509853 +8.744916863450264,3.814054411619432,16.916150127842037 +6.230444378147061,4.818389065795099,13.815091598385965 +6.886224763616689,8.973778396089141,16.712538727783926 +4.409007492065777,7.573994582596379,12.356892521454084 +8.825396498687832,7.895445462099001,19.142034072839227 +0.24555998875792517,0.0018965351824429266,2.5091834179411396 +8.829596766482407,7.293134123517789,18.647552659712783 +9.581320321704096,2.924823940349693,18.067471043821467 +7.879682527151248,8.015220771176368,17.74654365708632 +8.57326489747688,6.9202791370149495,18.30770073223684 +1.3830799241727165,6.809427395242603,7.520664278167587 +6.044836948377419,3.336720925154043,12.768377434035363 +2.0861349173396517,8.85099944313532,9.639065091609362 +1.4194649496018974,4.221978966939574,6.301224189643699 +6.22798522705721,9.717964314155138,16.404659505685565 +6.709763524111558,3.048781989215237,13.662195848767626 +0.6066193433265787,3.1770312284672544,4.486708458601862 +2.927865593136448,8.190794818137423,10.431894465267499 +3.7658455451850203,0.9844833288382937,8.0831246217339 +8.699774626924047,0.18054266783106843,15.269257651129687 +0.030093955283441165,4.747532434816172,4.594427350840093 +0.692202899909814,1.7710189602354365,4.024223933012772 +9.85284582121861,8.443650029928225,20.684651645245822 +7.640376759317266,6.707930531972014,16.589815391760045 +0.4781544901944135,8.359087118270672,6.896019087466418 +4.711883294467741,0.9831997389501568,9.542755583008459 +3.0075101115001845,5.019681197845452,9.02309663014907 +0.13694597421178623,2.52419473051384,3.5926905762884385 +3.3592362873676587,4.6379133953459695,9.478000126449917 +0.019816055738378635,5.654426201812867,4.8744285190351375 +1.9763371086877213,5.9725053074857595,7.798370251603384 +2.3915030711850638,4.02718441580829,7.4779263894996015 +6.236301992462796,6.565726064408199,14.644058915750769 +0.3059569311868948,5.3507454807922255,5.175990391279855 +8.166416693258135,2.0642304555443935,15.160009402399258 +5.319886377455273,4.476146423868654,12.28395494978002 +8.499349079066201,4.387630746394202,16.767601352281073 +9.438405104606474,6.524284310412831,19.15343378961021 +5.613832213806546,2.9191954097717696,11.792833286633007 +5.965256144833156,1.3124642246805762,11.741422671650628 +4.162440954656825,2.844279457847536,9.818029675395701 +6.702765034711514,7.639959815292534,15.714633522414244 +9.286288547852143,2.2210077078102417,16.88808793373798 +8.847506982673647,8.459514851892143,19.577111406157943 +8.624315749528632,7.40475861534706,18.59478393865955 +2.677214435772491,8.778721750125321,10.54181995510557 +5.995484620529203,7.406117038427333,14.770751573665066 +2.0525735599302894,1.5741053551402484,5.957552367174854 +2.768516350747249,5.113707767757049,8.62744038550831 +4.166250961197266,8.876080360386805,12.731797769262458 +0.1301850315255204,0.8004839294594834,2.7971578779581514 +3.254098602976827,1.6773223244617985,7.734033902557502 +4.067506161901399,7.175931004851483,11.684724556532247 +9.934178718010545,2.0207474722462573,17.86807249926174 +2.659746345804469,7.687386495488497,9.673119156115598 +2.720497073002688,7.037499727375743,9.489600893246813 +5.8348904828238055,8.548940988307127,14.937623947290765 +0.3333677489631337,9.797469599620067,7.23435636974922 +9.642506695710107,0.22387794678925266,16.42135079494089 +4.995094216780352,4.014261049691771,11.254953387758452 +2.5416315120367763,9.778259211693259,10.6233257891762 +1.7460046681255625,2.6355449230132457,6.004304252977647 +0.08222973610550799,5.802231281307506,4.992808355136968 +8.607986389333181,6.219129356534808,17.990345671166803 +6.516072259936908,0.6632036957431142,12.182388057972434 +7.148072191107216,4.090044187934641,14.936026897126872 +4.737124628727981,5.850155694072274,12.2580978147434 +9.753643638403078,7.481832557174423,20.385832816329575 +6.839270898345627,4.318930347853165,14.390191399030657 +0.3445051652885889,5.3868467236550845,5.1688732087010605 +6.608812303767316,7.041896847082146,15.493287023211039 +6.078810832752484,3.0036702510200253,12.604420780977783 +2.210314016841423,0.9009402169816882,5.750668205593899 +7.028313728845099,9.707859412435537,17.387753351462973 +5.250224648115507,6.731826653667135,13.147036644429349 +6.926025025622044,1.6144210582278706,12.963028428441179 +1.9180141885502877,2.0817723037019475,5.850983779951552 +9.328415337106806,0.15580060556299902,16.21627123956617 +5.411687730095114,3.7717762235021324,12.144467317379846 +6.593503361634529,2.204921647691237,13.086694122735313 +9.611708197245804,3.312153341398977,18.024266108713007 +9.25926781616573,5.89200356967789,18.755852149149987 +4.144610989715055,7.338855232683493,12.048803746388815 +5.530646742657671,1.3858252597132081,10.880569756854658 +7.04489199667612,5.7949391230630525,15.468747348893402 +5.656449856647972,7.3814578036559375,14.344353043896708 +6.534801875829378,3.6624256347456488,13.64581027217578 +3.1848876965323103,2.5081885621406808,8.002078022009636 +5.751454304439302,2.9988775913970023,12.242604133980091 +1.2041829179843544,7.8269749216079,7.72696304152306 +2.0913224218232718,1.64876991844487,5.9809856943704 +8.49000972825855,7.021280086617606,18.397125919713737 +7.661569657109282,3.503605461182641,14.989664695917652 +6.174362077221057,9.32194250218836,15.958398369634434 +2.8269726244429174,0.6896209559443534,6.5086373992670215 +1.70878059092471,8.97466282344057,9.029779966506913 +2.8153108219350886,4.912529067811641,8.69052640735048 +5.345689340665274,9.600136250176742,14.751055074607804 +3.014790153046677,5.2139129099003325,9.151993902106977 +9.581243285611396,2.01344820062781,17.417125499169007 +5.9788530180734885,0.636067560359509,11.306658866979696 +2.629751786580675,0.6921493958411762,6.301843818244772 +3.301527476617453,2.064338077965261,7.972700185201251 +7.9841572282222115,4.633954491162107,16.28341979702433 +4.050002137545023,6.923231274883913,11.544558109573002 +9.471993152506984,3.0154339296228017,17.62146511850652 +0.6675104734521742,1.097801672542037,3.6771782138197855 +8.572150238206754,8.458549912526344,19.078389002140415 +4.753654069136508,1.4764296330593618,9.828358302195314 +5.2648937659018085,6.684218901797919,13.279034490022598 +3.322364901276095,0.8251802882082793,7.3846685160086105 +3.21941641728144,6.905739666041697,10.406256876861692 +9.783676888228467,1.9009014594317153,17.715434378853626 +9.1455574762821,4.566229117509354,18.010744782520717 +6.632181254508264,8.636989316402158,16.36065804516907 +5.574604133140033,0.6146138402971735,10.692739958319953 +2.65778672120042,8.029057274132438,9.885797519851407 +5.528918359019133,3.290742607284325,12.027735605435469 +5.833017257546889,2.6857010614304135,11.902331830729691 +2.4101029983460984,8.283930240709147,9.40543406365675 +4.000676062694897,2.739889467315695,9.440758430612139 +4.091764320684411,9.206333289613841,12.785169362066975 +1.8078869041224188,1.8522934785044787,5.675652344262801 +3.5376486622513745,0.6043878497815935,7.747622593335292 +0.7492122602622142,0.10978584074084141,3.1762397034566683 +1.4618708290073579,6.403873792637772,7.356918114122105 +1.9642613561786082,3.7778996449564604,6.915005839976861 +7.055853363077215,0.3182316176397493,12.671516484058738 +2.0905891488019424,9.958882134889805,10.091513870072287 +5.969618007530727,6.599796501646341,14.279582558363403 +5.1604800800483694,9.658924625897868,14.603436590881822 +1.4429702033927572,0.673727910257873,4.468016777893478 +8.161661674624934,0.04096369527886612,14.213926429130165 +5.615618048538343,0.014123871371518604,10.318497122105079 +3.482446452144324,6.508864692271905,10.399384532441802 +5.473263673052565,5.598623020116921,13.191115867978981 +1.5734619539810168,2.947327020987469,5.807298763428689 +7.100291134008222,0.23297163207568916,12.785847665286285 +5.952833013972548,5.1706561186346605,13.365449779977228 +3.4395721514212485,3.3477530963218447,9.089555868610937 +7.989472177970986,3.8199686275534637,15.808046081824578 +0.7985968987632575,9.6203943896059,7.890585111561163 +1.3036926231691826,7.974538300685902,7.936689827637737 +0.13943333694790394,3.6439842179787343,3.9418941924687667 +5.151805466495556,0.2978248410902362,9.913118750296203 +7.340866273984559,2.60581491202986,14.16304251404534 +5.411684550207068,7.923276323818026,14.19286990040778 +5.911138179479495,4.556132747309932,13.238759564807951 +3.361123620149046,0.45105228921886287,7.255343507681995 +9.130210027673476,5.919314621049798,18.48942037930466 +6.315355531787729,4.40512477695958,13.594370359746163 +3.7271215599222964,0.46654740798792615,7.830208604486332 +1.68991628355324,4.255485050947904,6.541565843023103 +2.417046373975179,0.44442016248811167,5.7429973302435435 +5.460140404092502,4.641137044050413,12.615709037819396 +4.21373005308787,7.842294173976898,12.257233869997776 +5.995278454053822,0.014151483292579314,11.012326496374103 +7.619098985810853,4.825875703895701,15.89433227325591 +5.168139733562548,8.895727667856264,14.18369114889753 +1.0921965314960724,5.994038461780721,6.629363447641067 +2.821597309724988,0.3671131095108182,6.461551078792408 +4.373816197227192,2.8361303096051484,10.059687758926644 +0.014929608283451579,4.929449916388078,4.536929673618176 +3.1112341920750266,4.341232798508728,8.983506499120905 +0.11731145277404598,4.0178200658422245,4.187340248742017 +4.704045359329162,4.660211472188854,11.251456615801668 +7.169261934291616,9.912865754858641,17.819152835061917 +0.2786235173624363,3.9602655046276967,4.37355940921335 +8.567174335699061,6.256967612153246,17.902376307052638 +9.836014904166547,7.134159437120147,20.39233701715032 +7.242473232911479,0.7608453130909854,13.281209675592107 +2.7525475025233237,5.838097091509704,8.919995019007816 +5.223926772633019,7.625914264196227,13.715910319449222 +9.936576923824841,2.0680426451421963,18.126318395641352 +4.28399121995521,8.66839975439169,12.792548504530714 +8.381492116687896,8.17193432160845,18.632586962029034 +6.203936191148308,9.931934981584678,16.10494622589284 +3.579034492472264,1.1629484413570945,8.155147787794357 +1.3255990816180785,4.356919259037662,6.115162230711836 +8.04949984798683,4.528462490908433,16.197682167852125 +6.113831827073043,3.5802161040410505,12.971940284361663 +7.148312041774193,1.5314165959616088,13.589001257469528 +5.201156183619984,1.8512952703716112,10.850973388077794 +4.6859213670459186,4.304940243759253,11.114130211031696 +6.045621400317791,5.095452359860633,13.60630570697817 +9.757411287029353,9.003115951320872,21.137716185823376 +2.9407798793285735,1.2117680592618196,7.114709646224668 +0.6475175070008776,1.9799379879587375,4.020528667463735 +2.2210740929669104,8.886813691559544,9.802080448989575 +9.248408798444949,2.304702926702448,17.11644730618499 +7.587311006521064,8.357639585706751,17.423579522092396 +3.7751058186332775,8.715941073811406,12.06271672138228 +9.886522750049885,9.677951848840383,21.690919682792003 +7.419068287671423,3.7166277098593303,14.981915617828061 +2.2700548717731217,9.928700683340544,10.34446520863136 +2.761745279621717,4.383826967491487,8.347946364565818 +2.6412453663562085,4.961188595085966,8.385443537615577 +1.1038105466536896,8.090565438889325,7.973727714603742 +5.051071209277691,4.195023438182128,11.81001595601772 +3.6314460005379976,5.797843141951229,10.455381568407281 +7.798880602861597,9.025609653993582,18.158157998647077 +8.41518335440631,4.455131647194425,16.75462157663661 +8.339920631457309,5.28615393925249,17.131762698641595 +6.381781581462926,6.745604034429206,14.956890354061084 +3.9968183404865787,4.860531252416141,10.280654133520047 +6.9258899594982495,3.0792824494037427,13.976473845093444 +7.469132917135422,3.541031432401148,15.082430053068107 +5.854894812852751,8.376227179053318,14.746888069323473 +0.23204919597453189,2.4034004518407315,3.4597372081835713 +5.611676732101653,1.06102440146567,11.070810705720499 +2.056017343919664,7.490894634834957,8.866869864600622 +0.2582304498227572,6.1003675967774695,5.350897185721106 +0.34157054452887525,1.159236969742371,3.165510487897862 +3.903407893342904,9.647686910289316,12.619533825720339 +5.458475497464288,3.1222417246677967,11.725221953250122 +4.11326356217038,5.6877220570715785,10.899868637306446 +6.194165199013111,2.679032880888512,12.632455711881239 +1.9729443795677548,4.953093233612144,7.5377822127853 +6.448512502304369,8.165799936138264,15.707918259078687 +5.927953160268027,6.9243408431000155,14.418645884053591 +4.839792611144671,5.667192577926576,12.08829421778084 +6.35447565746246,2.363312440965805,12.82127041821961 +9.340741563299506,3.4533888976140403,17.691503047367615 +6.0468813531336,5.609542087543681,14.030595056714882 +8.533454749345925,1.1360437507032795,15.436362883136185 +8.842310168468375,1.3701505073459375,15.972941806471225 +1.4453037718088801,8.622548329571307,8.50728056179219 +2.5710190639517014,6.11786471057059,8.868962306012934 +4.636107379563464,9.342662525412713,13.572558483171429 +7.8208398807407615,3.349937777872831,15.43244795139394 +8.134407465762557,2.2578848903517033,15.210680299909933 +6.155713517595137,7.515837717246078,14.931319945161162 +7.031584767130354,6.566820030635723,15.737061649696514 +8.299688306809562,5.562084426562461,17.28775678846191 +9.28347906009722,1.448097716419372,16.70797017990683 +3.557085933877219,7.82992011782424,11.37737118189883 +3.0805570783652825,4.429491072811339,8.80211583738767 +7.728795577272926,5.385698527871324,16.20526582101091 +1.8761758620585933,1.748385339573103,5.541526820127274 +3.012322938155502,3.0301257057941444,8.060642278630526 +1.3667454608113405,8.34660662211488,8.363100926537843 +2.8262662786805013,8.022465025940589,10.243170689403742 +9.734501820994513,3.319614062056262,18.26422288469609 +9.702309937985982,1.9120079903470577,17.508847489927856 +6.474533076906853,9.91180149152863,16.693101396343867 +8.083719145370235,2.297007867526646,15.373787569701161 +2.573326520811001,2.624306066709562,7.364061680325131 +9.429926375799738,2.4541156962791844,17.42177800808569 +5.096153141001376,3.4988929506343416,11.450103277609085 +3.612694002545167,4.082178747957527,9.436203890409127 +3.4504494420735607,5.9992755890381275,10.164530736404238 +4.254715930767415,4.4101156600359595,10.575000866643462 +5.059939788196481,3.561785238434557,11.334187602887937 +7.545595824862468,5.034823546334729,15.848558119927114 +5.092111319558982,2.098451432313987,10.74988014190707 +0.30836757312407537,8.092751160851089,6.515282602811005 +8.554818472056638,2.412467966546572,16.010409672153337 +3.6003230149926644,3.5801791688284257,9.203173980081727 +6.842123352322806,1.872359205532531,13.103378989156672 +9.787133823565267,0.6186147522828966,17.070342139622174 +9.737674939855436,0.6878208792625984,16.909106940537455 +3.1751402612123334,2.5069325043230037,7.900679768440504 +2.5963428042176764,9.946694866268768,10.91403613783721 +4.5835175180896295,1.1951056486319467,9.523967382228827 +9.82279964965869,2.426655733187675,17.861534138859167 +0.7254704189222649,0.24180629557684408,3.2714656723308466 +4.632307618239096,9.183323681992661,13.603513234830586 +0.16960474267899706,7.251764310290247,6.0777773403565 +2.604218317506005,2.1906046551825065,6.978127292172001 +7.037897853697369,7.478732645134701,16.29077544573036 +5.590152551981733,2.022554350002772,11.335826315055305 +0.06308141300170877,7.372777929785301,5.830378618247361 +5.996144943924174,4.225462341378371,13.106488148977418 +2.1358195179302655,7.619343944384238,9.112194150689337 +0.7089526970814164,6.427024052117767,6.2335460331667845 +6.883984172295095,2.2325728988141447,13.489448290495327 +4.833249132679553,5.201993693995044,11.827086071789317 +5.912819235905797,9.011879677118484,15.190920686734772 +5.464151000102786,0.6731845905410516,10.595622863940136 +3.4497190516826617,6.283268468539964,10.141407829652477 +3.3314073742876227,7.679402281164508,10.82086377514256 +1.8990540609427464,1.4300511442033914,5.549219919574023 +2.3103266972598737,8.760850052978677,9.845078130985435 +6.809347010550586,5.2004865151872925,14.818994850706021 +3.0033728554659,9.185908399435398,11.101760243625492 +8.887764033224418,3.994004546674359,17.364955590018152 +7.527238376707559,9.135639157934014,17.847804055757965 +3.133534105711233,3.287183436271973,8.605462619835162 +5.4580629275471555,4.083665888751012,12.194688062614892 +7.614795757026174,5.369302668364188,15.984584055392357 +2.1185545862035218,3.5638726718071756,6.818766911214322 +6.712390524231734,0.5343424382053652,12.401582689921167 +3.42167175144628,0.16096111593682072,7.05382466340871 +8.208669563210867,1.171899317479439,14.777979249342819 +0.772047208513752,7.865930166662759,6.955659990830726 +0.8950686260889251,6.842625427409482,6.809629864511439 +3.7986357575934315,8.216994589189405,11.939521669287151 +1.828512544863391,0.8441707355754091,5.07045953715215 +2.2840745224411654,9.321350348103119,10.128991101709579 +8.29120973164317,2.857873074335716,15.602056558291725 +2.0611414119132645,1.5684188787778874,5.801447047995104 +2.2120340602906086,2.0504394342329944,6.403518298748914 +8.881878684931092,0.19985908364165916,15.391517103896868 +8.801225096104984,0.41424708337054694,15.508364071655377 +8.268348305134769,4.2574723644158645,16.307939614079032 +0.7720555461747425,7.990052071924634,7.07961174252784 +2.5643970859855933,8.78028052620899,10.28201054196913 +7.5225765420764485,9.817704729672963,18.236736681037513 +8.31872890630902,2.4096140344693717,15.734593901867699 +4.092152003602731,6.966303015013859,11.642130675437409 +3.160649562745111,5.4650361864864685,9.359079987562417 +2.376471188215463,6.629508610866272,8.801549604261753 +3.4213398127241934,0.5517803833707835,7.639538393752032 +9.677740623464143,8.439035688817407,20.6101910532493 +3.0371677260881635,1.296248001900433,7.0623184898408295 +7.35226173265314,2.2067278177737473,14.199745645242558 +6.05454073732427,7.790791283429757,14.871279786558798 +2.7242386338325053,2.846366351250892,7.6887624870655005 +0.616126646652223,3.198481575327874,4.796875404686593 +5.974510684648279,1.5579682607344325,11.716656197706554 +9.530827942971614,7.224157333538548,19.939265795788135 +2.039008872695364,5.3061667245649495,7.529130939545426 +3.9144088408258026,3.8235315708867654,9.886539569827653 +5.599881996862173,1.0815065898828369,10.716712612159219 +2.1531362585140323,1.4968030466644855,5.844152269106017 +1.7397919435701215,6.5521744804553625,7.897634381459993 +9.96164887757925,6.511061152918468,20.25276961611666 +9.847235220563967,5.7700735558979455,19.50749981341001 +2.8330861959010702,8.723048304371021,10.55690008401868 +0.6719109518077249,1.024279384139588,3.3538488499415386 +9.4762440887685,6.501851993537574,19.43358942305751 +9.289620239009357,1.3288652011112234,16.51878753404718 +7.6826095355765975,2.3481045058667203,14.634396826168384 +3.433541843003548,8.989913764346369,11.710391274914112 +4.11255349276571,6.705365969467552,11.549670142754405 +8.872760542418458,8.708739283718133,19.71962915074433 +0.08907253823316141,1.5821527567568805,2.911765117373 +9.186216391356654,5.62415868322261,18.663097174877002 +4.801999888796502,0.6525785827034725,9.525779503928932 +0.25052240937451287,9.534147370177012,7.093718742815939 +4.738510825049419,7.8641731550460605,13.096909839933838 +2.2000139334947475,2.3707195249220545,6.443038494534112 +5.6025532039420645,8.760258360484162,14.75101007470438 +2.885799356045956,3.287999837558213,8.079525931778285 +5.506283062196712,0.4000557176772912,10.55686122311607 +3.787621482452719,5.56282889641696,10.433132867425211 +0.048268022563433544,6.3800351716596015,5.349705328518701 +0.5096097815474321,7.1995891973172,6.236392054817963 +8.016784609203269,8.387947578073206,18.190016834313614 +6.733881068245456,5.61570604577967,14.833494538613717 +3.075614942111918,4.246137185666408,8.736315955613588 +0.8705605703019914,7.07101557397268,6.91480724127831 +0.2468436803447882,4.134370845374137,4.49301865804035 +5.062107016733953,6.5008951800346635,12.885571104058718 +3.4319889140647675,4.427878328891416,9.375671701291047 +5.873760119414007,9.231747908348028,15.410577252124465 +6.719721311708316,2.5443440257031003,13.47187271208757 +8.472636205993435,0.5506447180238427,14.82962390592481 +2.7229906198466947,1.0815178401876302,6.558567854756308 +4.470386404302589,6.369271907535304,11.931343767213804 +5.309953212728703,8.112622021379941,14.174028980258099 +5.674881643370734,2.3266694625699635,11.641073487345109 +5.364218611684271,7.354895215326968,13.697682590389887 +5.029533642588396,4.419695483833897,11.625156343087477 +5.290973533999254,5.480581723595352,12.622599311239009 +3.105571308596322,8.542263510583245,11.000311784823259 +2.076830147769093,0.3283212170828653,5.437335195144598 +7.41492215857466,8.42313770998938,17.304623528560427 +6.427362729699583,4.689451429125669,13.905872380369187 +9.75205446243735,3.707602370437,18.488858003653586 +4.058978532945319,5.9111274726133,10.882563529045987 +4.304268834028465,5.552983766883709,11.356453331151936 +9.665637125333728,2.374986922510339,17.56287585328701 +1.4856292579443953,4.235512333946517,6.377579279727938 +5.039985632036801,7.131965843748894,13.155860783814143 +9.551731806308744,6.88670337069567,19.833723439063682 +9.871751556143195,2.4633869334362615,18.064880012060026 +2.0889008868066505,3.0653475089877444,6.666296363708485 +7.871239226074755,1.8651472248396983,14.782292315241868 +1.9619004966843367,4.117357606144606,7.084998501411421 +3.1754428739632545,6.464780891438107,10.17520040382039 +8.90167032844508,1.3866057184189973,15.935556373998478 +5.467549269494358,0.8840071771311386,10.459422654796693 +2.214934100627949,3.0910154639536316,6.7132195774317385 +5.7910294574673085,5.54878992253074,13.279611662484456 +6.430662516797856,8.189064172277382,15.620557639821419 +1.8722987812743075,7.433824774608046,8.392699247985837 +6.670209549443936,0.7971103492529885,12.362232808019314 +3.446953200526716,0.27699348881674246,7.394438797978613 +0.9018438174111709,2.837868000566608,4.834348263980997 +2.4311616443435224,9.001737694387922,10.085388171808406 +8.937885628748036,5.7786751757668515,18.24258013688855 +7.3503555908610485,9.996013131327523,18.224617584518338 +4.101926977975287,5.224254260629058,10.824496095236842 +6.511499390451569,9.205582124186819,16.387310865886946 +7.970165507241314,0.6442177752673961,14.289507325959601 +7.1295028412029895,2.519355302558405,13.925007208236684 +2.5490169654154915,5.472382450524956,8.760030473133838 +6.9630085123057786,1.592278225083974,13.22166720014012 +3.1451148096393764,7.1612100425005645,10.313206810292652 +1.520019932099389,8.497084763496755,8.363690574256328 +4.560427941624261,5.859902502085138,11.706956581260132 +0.8039839837549423,9.545012443013137,7.923410421694861 +9.075322549713224,1.9007871612006366,16.61200676892959 +6.6310227652889715,7.931172187323229,15.83459833348783 +1.2196740183602905,5.774535594092642,6.721610031579879 +8.504539301383986,5.067140974407149,17.22974395251287 +9.237853399248104,0.4780189692061265,15.985725450163269 +9.192106829736737,9.772180477276216,20.56012120576054 +1.5594210097311634,4.309501966090901,6.4765427837292915 +6.207649226613336,8.932382882887511,15.78797158953908 +1.5952617288973814,3.3402795807080854,6.043659878543504 +7.979298117010196,4.100045627119156,15.935683689536896 +6.049434747744406,5.600055232166615,13.860404114059623 +9.73171695676596,1.415312239168175,17.27296038710458 +9.484405620876156,5.641507156878806,18.943175277348086 +9.041522580553261,1.1794213684903898,16.16030298094194 +6.415030138798876,8.401100363445437,16.004128082853683 +7.868815014136002,0.09938322534245758,13.837955827830267 +4.522054662122007,1.1534672436855198,9.21370755597642 +1.528251077777374,7.062877099808511,7.9706696421869445 +9.5657952953129,6.340974411832016,19.644892299719793 +1.0237706080455944,2.4399659185515796,4.898891609278458 +3.788743974239146,1.2535755117624459,8.305681981509919 +8.479681023750617,1.9450518322077281,15.613692001215046 +1.2955107723374504,7.256846721533149,7.482386938113725 +1.2683235126557124,4.1031944714851365,6.068204929012863 +5.155083047511701,0.8022929369489729,10.294358936001297 +5.557882040685287,4.8016400254997835,12.645605764252428 +6.684162787269551,2.191459299736672,12.86996316821363 +3.566291440633138,6.596553390599784,10.645935258825093 +0.3559662224106386,1.1579494279367952,3.0224981914485594 +2.8355183131508377,1.06356373907188,6.7143327182124 +0.3951246900530825,9.873824226476843,7.505777240483441 +4.557599821822143,5.336840050996222,11.545807113940096 +2.549048963820515,0.07687241920479426,5.783913291121529 +7.5072418540818315,7.237529822282807,16.89323534560799 +9.725407428893964,0.2110208240481093,16.681006137794924 +1.3702073439064888,7.1214104876427875,7.3854814361545005 +3.300736373425556,0.637731315104415,7.324467731674195 +3.009581361836765,0.8771692549430254,6.907856178523317 +8.376057556111396,8.769331554045996,18.822365852398974 +6.368899219870745,3.8559725603737194,13.408735313169252 +7.687892457362625,6.315902633391394,16.710086573011967 +7.919819791941859,5.109073546698561,16.438889772755516 +9.583449044906837,2.9003369448849536,17.889785297005076 +6.041849274502268,8.080526003107556,15.146695271659835 +8.938728188830199,9.467482898903576,20.024673388714003 +3.9501097264563247,6.993427291707674,11.12644730110693 +2.901971219804035,6.493793076144719,9.611943903667116 +1.8422630513903093,4.214511847822776,6.933745621795437 +9.202370756819164,8.109063171498606,19.83784329012009 +4.9650614886397015,1.4684532604880252,10.247879310585681 +3.985716003641311,1.3867897858890088,8.57180461660985 +0.6852763815231044,9.065113834452003,7.5258695832385145 +4.914314720390129,0.8938871285203387,9.726357982712516 +7.166685913948188,0.7418150111897304,13.190666168460524 +3.961654171436617,2.3029054281253645,9.002893891671617 +1.6463028319821627,5.33549208005006,7.343185211607334 +7.196896132600762,4.871897347777883,15.181093460908153 +8.208024548924167,9.173869255386208,18.978789526118437 +8.071811045333833,9.56491655143514,18.841260278046978 +9.290359714858777,8.325168388012226,20.231885916591914 +2.9263260060317267,1.7433206473368845,7.3911002470275085 +7.270113695398464,8.455290342725789,17.100439117403408 +8.231235186354972,6.436224407080702,17.592434923639864 +8.298681647517768,7.071661944152901,18.111249207880142 +6.653658613029171,0.4657649765756189,12.24380339736908 +4.60474527941964,0.3384611358952805,8.984275920222146 +0.9237004794976,5.410046531331042,6.097580582729705 +0.47479033894226585,9.132203827156749,7.2034651700526435 +4.503409571664781,6.9996664971454905,12.270047085130713 +1.477951824630428,8.475952501049619,8.376156721531533 +4.780669163327264,5.58775919612863,12.002163906655817 +6.484841798642035,5.3989825287688165,14.247874781876037 +5.631871222548453,7.445233289559613,14.058225416499399 +8.064713707971912,3.061660634185376,15.5485785140129 +9.220492950491082,3.5389667909575326,17.584201412320837 +2.723256061978411,3.1143042212635788,7.490828017353214 +3.585151573878289,3.1693060580959864,8.874034742504696 +8.437501768847955,5.611526805179822,17.53982815862191 +9.676453819373542,0.8395557537572662,17.02417511084125 +6.1398017404971625,0.9602429733300855,11.436461621664703 +4.588500846805283,3.8273502253338765,10.737751819387857 +6.807749151119673,7.45444813281196,16.06633140940824 +2.380936520656979,1.937148164719037,6.5785827192839115 +4.195104325272478,2.419873005028741,9.54332787272557 +6.766240071212141,5.1769764976287815,14.794263069346568 +8.26977017931398,9.812720422786743,19.215122439384132 +3.7810786452047553,9.119967174758127,12.253004607671354 +7.77172237154336,1.49123411505392,14.450373997151537 +8.35928307192005,4.815073123027359,16.957169175616006 +7.091608712001926,7.026116043196991,16.111107795765715 +8.859656039877216,7.6116470344989065,19.090498957242282 +8.246237381178918,3.209119391372065,15.859901306848476 +9.731375259619966,6.615921620267838,19.96643936606124 +7.736916444786662,8.588812855127081,17.756247629526687 +1.237832194108991,3.3641087448940077,5.457176739009851 +8.359359714865791,9.219819911322602,19.217128030640755 +7.560934220528725,4.823089315506582,15.78197162869952 +2.511222636061703,5.250274899268101,8.34355637822522 +3.9730022475158755,8.856307962923227,12.216411117671985 +5.6726500914127085,3.9206635185584107,12.464693627743104 +4.984799205055612,9.33567543723282,14.082018901794326 +6.132584785313801,2.289794001156329,12.391815906807533 +5.000775790396722,4.656582369942484,11.777792454850672 +3.104042751065783,7.362995117705929,10.162494998949882 +2.682869494507928,4.925489949622058,8.348676037217647 +4.410467029350675,4.668626672457824,10.907314427031254 +5.667755574737734,6.832972660575979,13.928996380657177 +1.4299984268575694,2.883251017038302,5.470234445609053 +7.728367672295637,9.077453523866193,18.05542975308982 +0.4465698603752266,0.7336557510105324,3.1159300150836997 +9.33829680863283,1.4794089458643578,16.858114130714522 +9.792891305371082,8.282221317939328,20.858139093563135 +1.2070442644765578,1.0252505322306438,4.294687969292403 +9.772969298648741,2.5482279968226837,17.87142650555976 +5.386672016556183,2.362357031699971,11.31510897266359 +6.006745131307138,8.4002854391102,15.178623549104813 +6.569091863977771,0.46616658944641065,12.178733839709254 +5.951893436337499,6.610166345999664,14.330191745437455 +2.0089800128114685,7.62117900740794,8.865067243892272 +6.268933696292283,0.09547177034054277,11.401374351366604 +9.505550730200033,4.455795903593781,18.444185556230124 +2.323789580161387,0.8619774191684515,5.75230282747604 +3.744289396013216,3.07769111051572,9.150014092264236 +2.9795314149478083,7.932011413250852,10.426933637656388 +6.459211555013718,1.3305301093100375,12.216329791338358 +7.080741036951562,7.234820054132544,16.474936989315243 +5.1426863026085625,9.957670153539484,14.748489212690261 +2.834792731281043,0.5845563828038403,6.460422722003806 +0.2880621014925622,3.205480579118809,4.240252638220426 +4.979179720836523,0.7823105909188188,9.810319972462693 +5.657986091758742,9.008705652462979,15.074365867668032 +7.96862814738995,6.724685639254913,17.32404829966072 +6.6173169454404315,7.303005658328212,15.531302392525195 +4.942063842819383,4.017998180878353,11.388400699009955 +3.066555031142676,0.996183647976886,7.24158954120527 +5.621625450179075,4.725180841792495,12.88265160325677 +1.189028953385045,2.682697485586968,5.1126516848772265 +7.872029101804651,2.5560404893973288,14.881031494326535 +4.257191430459841,1.6130765585758167,9.222768214099634 +1.6984661199539852,7.563457186426641,8.20478027885426 +0.6667420114520928,2.85026143929189,4.479103033542935 +9.808444899917042,4.758929138887652,19.020726526611362 +6.062133427348052,6.4078960076650695,14.236205338975465 +1.961386793058414,3.6934209396817383,6.724982201609661 +4.007066377623435,2.3068320089856953,9.266067061260763 +2.339838119395318,6.078693065019255,8.372476950272052 +1.0847559101161375,1.291454464992472,4.346637287405894 +5.733020488551594,4.493380671272295,12.880451145809287 +6.119334658261985,0.2695951437810129,11.306536020935596 +7.049157272764677,8.498896418370206,16.7783792756024 +5.241402987314132,8.408403195926132,14.114954279561676 +3.9966265272966073,0.7892425881606835,8.345558906534624 +3.775441705191377,4.463683883216119,9.850097398227561 +8.655377020098515,3.3471651316518436,16.66302345460755 +3.151008253289164,8.880174344843812,11.338575108402447 +2.5096600326647156,6.424465356009676,8.825435583166263 +3.2663371292123946,9.514558896845958,11.706855560887202 +1.896249261134002,7.239382838746808,8.449761063435473 +5.500641092659132,9.787078197410708,15.1224411572656 +9.940564377993397,7.936981004239292,20.726639938674612 +1.0345606561333198,4.690069443267101,5.7212973171763535 +8.545129731065286,6.384832910912689,18.044104246990827 +8.78969393484121,7.993662099954793,19.054437727421313 +3.1296048063527793,1.950653793716175,7.771371180655218 +3.2256389934600427,6.9594499105357865,10.216597566023966 +4.81064976142238,0.4384820434218972,9.490313357483693 +7.424769818861826,0.44696866456863216,13.30303379136349 +4.093042616478945,4.622843741215183,10.388585725589104 +5.030268515448086,1.390908882404116,10.149471720224764 +7.4779018130844355,8.49372230321457,17.507395523287414 +6.979005517893075,9.510706541411043,17.295418735768063 +2.5750063937952596,1.6073009388677828,6.634606834423381 +0.6729526107727535,7.215197359140552,6.676148197403933 +1.621072705303438,9.38181424741487,9.123777011318579 +5.9835047652694,8.041356662972435,14.862512667865941 +4.346984130535088,7.348458638719521,12.232558830296433 +4.4365113138951,5.387638078140248,11.31853228994714 +7.735817330190617,2.3815355554248177,14.53306416261773 +8.8450951311169,7.1629882896961306,18.810059623621942 +7.465401345959607,2.3816300670249935,14.219567022523561 +0.9012738334548276,0.7285645125570328,3.5930390312211586 +6.4701655983167194,1.5000238243269548,12.430365145429745 +9.991914503945539,9.610476610405819,21.78558817643695 +0.29176756950691884,7.2505758843927115,5.979433942242435 +2.6077205371573307,3.4089978491053072,7.668809772194187 +2.403104370402146,8.305456231088785,9.745932499596975 +8.937523257545704,0.40401556755240264,15.565894771753143 +2.7003811317705173,4.486984623180851,8.298404468540753 +5.218220315840087,0.8764687814346661,10.386070753784413 +8.300281929757787,9.339798995550712,18.905290676800046 +4.028650829666,8.572340797660132,12.45909904398983 +6.763548900635648,5.917436110805564,15.042377157258086 +8.190501499397602,4.730296170925275,16.573008243403212 +5.477160659809387,2.7466585960941146,11.548852780019457 +7.121847597211019,1.590622017480774,13.389412023136833 +2.4316156473045982,4.799209542134644,7.942990740781694 +3.853124858380342,2.39578337160634,9.062261537866508 +1.9188854652663812,8.608971768086151,9.198782624131526 +5.90858897389333,3.7739265901204977,12.558077619593616 +8.457804509495979,8.251604867115327,18.879920209843103 +1.1088705690382716,5.672856264132301,6.552578238131993 +3.0561291673241264,5.408348746909514,9.139909315503479 +7.179988171437236,0.0850758996486689,12.830546072788993 +5.135675105756947,2.9173234005974544,11.224220265279987 +5.340109001581465,1.0984214407833914,10.398944613785387 +8.175664182352467,5.436684520010303,17.010367094169357 +2.1106345043666472,7.696847289500237,8.946865713762847 +0.3778242831949119,5.928233896154521,5.585072516174323 +5.017616266156654,0.39645015260070915,9.631284680990799 +2.49705473228636,0.7714044088089,6.235508631106307 +7.323869325042659,7.0577096995395925,16.490305351248036 +0.8929796804829004,1.0920718465865398,3.8240160751476444 +8.802822135572528,2.0084744300296666,16.136218383495336 +3.036610712176726,6.842801643937337,10.063718776158348 +0.607232225891372,9.476565117582824,7.576814550079455 +0.23009007095129985,8.491425112657675,6.696892250178879 +3.6090605655795436,1.5003992232733387,8.185132410485016 +3.7749107907041592,9.728415494855364,12.388012855471434 +5.289777852781389,0.5928018655546663,10.233665629015375 +9.415418655706292,1.435615546325113,16.84562171562591 +0.5468761040020564,0.45425908147575633,2.90562815455544 +8.263348977270208,1.5301920939127223,15.160947736396656 +1.7898289471867868,9.441153505333782,9.45953816895166 +6.116111453942787,2.854191612351441,12.714078265293976 +5.864547447676264,2.430925185093672,12.120717318957603 +4.9426517790301725,3.346224540833126,11.325993239867643 +6.226265370900831,7.588086706686326,15.13349985989175 +3.4850751865046847,1.439130276382049,8.002558079073005 +3.557406051674202,7.5815488379858085,11.066260009221635 +7.8708172065719415,7.855509572861232,17.922403552938583 +9.74572412767661,8.24782815385893,20.65340673772886 +9.68573030590231,6.267923841493292,19.846481009030924 +2.293483685594814,6.081962942447059,8.652300742526233 +1.9783405566396473,0.8532625341785205,5.31565284950415 +3.0132450715694192,3.627755558861716,8.43737809513377 +7.088879366364993,3.6307671126084653,14.494375656502271 +0.031484011959986846,9.169413006688895,6.590734046474385 +5.894041908984641,2.1075807540172,11.881272344662754 +2.5228762552803685,1.241402365974621,6.43156332219588 +9.065467482209277,2.302085880453707,16.785308110061173 +9.406471355323916,2.6431135824251917,17.580683011707727 +7.992511964511854,0.10452152416624227,14.098151267599013 +4.83273595217213,3.6921453300492555,11.01818969859397 +3.3458575893387987,9.921562936902783,12.053929802056164 +7.208667113706058,2.5577791910000816,13.917124510527382 +7.524417548407703,1.295687722425496,13.895811597930585 +9.25928454140468,4.263862246690936,17.991826286870673 +1.9066291195817375,2.728204841505586,6.28987761830111 +1.5514883990094408,9.305579946459018,9.157102972629044 +3.058936125313897,1.4285088717343564,7.32442801116852 +8.129007748623282,2.13259121676903,15.223670614062076 +0.9415035004094041,6.683949116493773,6.684401774670621 +0.07405684964307824,8.324205936752172,6.356692369843693 +5.627095650114597,2.4681842157974474,11.65525195152191 +4.73593757224344,2.62414950107154,10.36566082576465 +5.328571214743194,5.716441212041516,12.946206149315154 +7.71682159930471,4.660874200756173,16.02259706143043 +7.866378119413907,0.6924366837725482,14.049849682618898 +9.213429318089693,1.855087229926915,16.598029202314237 +8.365773396064272,4.9463178372487775,17.012040722737936 +1.047174061945153,3.598024075888946,5.255749353168356 +9.183306145094003,8.347139553997652,19.820823330369674 +7.223157808530244,3.798458809867661,14.629900466740018 +5.88790813506055,2.3212197093694753,12.09712500742875 +6.478435132972859,2.6094032559323397,13.087392824437856 +8.29006819526861,7.044982247978058,18.203341289142372 +3.860896175103047,6.594819317692229,11.024557718637238 +3.251361536866747,1.5565294935928609,7.788290619072272 +2.351839485529755,2.716880340162283,6.935555035253213 +2.266166155444953,6.783560000952655,8.735390490108642 +7.3966135871498375,4.571392036758651,15.365948878976852 +9.877938852472143,8.910206052785414,21.215897479096622 +0.8705018501255413,4.604506563081415,5.633878410670357 +9.08476708530152,2.202642083847447,16.827141827384327 +3.783960255323696,9.469474561344652,12.37382052740641 +7.760623746890287,8.32325000854712,17.88739905711889 +8.794837773982929,1.71175672412896,16.175258064447977 +6.992740173160289,8.028012901158306,16.652508403131424 +2.2647949836193493,0.4335985746601878,5.496697290242337 +1.7835581427998304,7.414028712082661,8.377436439895497 +6.942906373070322,8.917261478666752,16.943933580074276 +3.169530213293188,6.217440612349193,9.754342134689157 +0.26793405318112473,9.35084305233137,6.946364982648369 +5.5449260619625935,7.483853476983414,14.056674743912875 +2.83815952836197,0.8195437311826159,6.625714729883262 +0.6282205874772551,8.146603928328213,6.998398406393158 +1.5194595140692857,8.240018514363056,8.352063767898597 +2.652656643374817,5.412720487467817,8.901334311922701 +2.6191659283748328,0.5008381361583791,6.133003175330949 +5.4227890723214855,3.6712041063529535,12.028348596830858 +4.351099828188163,6.01558903975592,11.586303898785145 +3.136607073675174,5.638054327272889,9.35505627925767 +6.577731864301079,0.8954493393736629,12.460934386025672 +3.500965669528522,0.899472981731192,7.763764838448387 +0.06933587647463768,0.5123015270506781,2.375849740698293 +5.9221478920069295,0.843052705663746,11.410491517784328 +8.685015915147874,7.59444080384457,18.819966071887883 +0.08818270915637139,5.732451962534887,5.086693175046142 +0.10251912547130204,1.09194813578405,2.512130413770822 +9.88249276530974,4.570231942962514,19.190607764173805 +0.2721120169956903,8.503145185919957,6.678104032076197 +9.17344830374067,5.483834398066268,18.522016267585432 +7.059421022301208,7.8012113686758875,16.40550863364848 +7.346717675756125,4.945221214435338,15.47080424270496 +8.326844392727086,5.273285208134661,17.102097127358533 +2.595032671863613,0.0406711484858302,5.798972211176869 +3.585899244789754,0.8258567143986839,7.8276073468374685 +0.6327641863522837,4.692242315037671,5.452585236107124 +9.436744168460875,1.0551442805421984,16.54055954549246 +2.7374999999678584,8.300781600665548,10.305665288405889 +4.0182964635027805,7.588037312372031,11.77941953459495 +5.423343307526284,6.039313128475891,13.101080402026529 +1.6114336374329985,3.5228220589712143,6.186037857184437 +6.217554402354892,0.2676819656876528,11.469164604426368 +1.8832651474138418,3.864946087276987,6.775838629686476 +6.745945887788571,5.09588786042361,14.5537761907675 +7.187321327409942,7.268620453712627,16.52428460530284 +0.3105473839423811,9.017124132641975,6.9824969349821835 +8.242151521428454,2.7106831934052202,15.77795145642025 +4.845249201986524,3.081499515391888,10.930083407812354 +9.066421591399749,3.828189915396154,17.321615279594127 +3.960531327859819,9.11912037480338,12.563403097824434 +6.0069389465397185,1.378696162409404,11.683338249312419 +6.260168410946569,7.944477438412281,15.46437888463478 +3.3784116694386457,5.2700554831202115,9.622511887785086 +6.2684155413667675,5.1041671505995625,14.048241513670716 +9.991245094693282,5.067928470727804,19.415331309190698 +6.433729922360084,7.935894365617972,15.65876340404691 +1.3658318446675255,0.4391031998029016,4.296725147533541 +9.729898587572691,7.322591497514702,20.24060137970514 +3.9328197552414124,0.17668795744489096,7.884365076526927 +1.6639970095773426,0.09747792682962886,4.507864665558482 +3.9645726625640054,5.548553350933204,10.813422305700685 +1.6058320109492008,6.398573097097787,7.7568119317402076 +9.542412525261135,9.904504619826612,21.46128710583192 +8.33166431499447,4.438839082910859,16.76959554430001 +5.474093780729047,5.033069763386947,12.752818186977956 +1.556667254399493,8.544141710253642,8.651964110873388 +6.757909369270462,6.379356161889506,15.519394019905016 +2.203311683364789,1.5315929876804424,6.122826226069096 +8.730264770345492,1.7941394862221482,16.00118725497636 +0.73718467857253,6.2560520112968945,6.206272604661704 +7.043432573095241,1.1962241031134202,13.147281825752016 +2.0685940531898472,7.887637950615392,9.085349964100853 +9.295851997345205,4.764887170398201,18.25107774633011 +7.920049728524003,3.194001178790801,15.414431336912285 +7.032339407340112,5.572204594214688,15.328229305846863 +8.432109135784925,7.759010958512354,18.48247766885134 +2.841358817857537,1.4945522094913777,7.068963074609406 +8.076567725743866,0.327925709952136,14.346206895849093 +6.790388124067489,4.759142441371374,14.591404818726465 +0.7529930562682219,6.885612221732959,6.621285068717315 +4.8287408679869035,8.601013302443462,13.555377289593252 +2.086319291107043,0.02299571834834646,4.76175101710516 +1.3048681786189886,2.6961003282188556,5.217765795807661 +6.522443684153951,3.626432275157957,13.667616134249009 +1.1824691330529435,9.815734631696648,8.597689324756672 +1.0822744521149752,3.5512034303332363,5.4845549951712265 +8.766042564917257,6.526153735851473,18.503303584286115 +3.1979791184215256,9.703467796437081,11.622153260292492 +5.010985543077334,0.08109895869524042,9.497973408129456 +0.06163336151336907,9.410093295867398,6.798455800322063 +2.8118063047578765,8.120649660360682,10.273633143853647 +0.4356002188456731,1.46917109281256,3.4506861973830527 +8.567795098398731,9.94091316840532,19.588038169035098 +0.5192293149027005,1.6763697336893701,3.5436218987314967 +7.229118908018943,5.295029562834984,15.38995349592906 +4.059660461145413,1.9446753795214966,8.80999812519747 +9.454353586211095,1.722685524667683,16.993391799940046 +2.6524956580524925,3.2429812420973683,7.450274334760179 +1.3858319641897932,5.362330562341851,6.721164732963449 +3.4132507572685897,6.078475005356222,10.110317647818052 +3.6785808768508135,1.1642352902812092,8.145326941852284 +8.725973771308121,5.0965207313228245,17.612204417925753 +3.2185048998367116,0.16364752274578676,6.740434770579681 +5.978464708832672,7.8250432997919726,14.914872566072615 +6.5006125021712755,7.8771931483255875,15.93150428070174 +1.5498583791941956,9.717029786157642,9.290810431094569 +2.1133328806258533,2.6677959957343744,6.571820913615251 +5.123295627487522,0.05195526973684861,9.691375585132631 +4.424484881185187,1.9572527521281968,9.566263004200911 +7.490181184202553,7.577533841817142,16.96801029390844 +6.1573484464044945,4.216851753202367,13.368512763063022 +3.102340169289104,8.274619748490124,10.677226701861832 +5.070936192137301,4.964667859458435,12.110773080865757 +1.1343288888265435,2.183830478559158,4.72704516705399 +3.6048929191832513,6.988528427838414,10.730156521680014 +8.452709911964089,9.928602768299594,19.575591986512816 +4.274321014526015,4.532043472317735,10.80262300006854 +7.660605411220227,3.212269764250153,15.110880810861026 +5.405179760141205,6.770173231360445,13.137605603048646 +2.3624971070463285,2.795899493853511,6.874332616469741 +3.5619063718906574,5.776848350294439,10.321609760642605 +2.7041545349622487,2.0816778250799373,7.067234045129026 +1.495082157728137,8.093098978534378,8.34155207496287 +8.859714972638086,9.04721945730014,19.773652814416103 +8.216336706112504,1.3728922317612924,15.029345239757104 +0.9775194130474407,4.991643292237482,5.965630323014672 +5.214269530583317,7.328231924600694,13.420931517560422 +2.2288075365620905,9.309496698578922,10.055107747455718 +3.0992979299521686,5.778089509134779,9.691145559505193 +8.642136074217882,5.234481084872453,17.61890905439456 +7.535574448333373,7.490262004073019,17.058888746889224 +7.9002124650993535,8.110482650469383,17.82124248361574 +3.924629473186566,3.635562426262174,9.798546617623089 +8.034981001651362,5.797103928325482,16.89991814894118 +6.077132838344753,4.119172507940702,13.231354210400989 +2.016146586735059,4.5693056925633915,7.385042552477806 +9.69646465769069,2.908668792479766,18.097782191981782 +2.720082413741376,1.3078417568906742,6.834657186991026 +4.811804410098272,2.885303958941571,10.7573544779607 +6.871237309964493,1.3512458166875208,12.856856560889469 +2.473124826955665,0.6185104947958997,5.93303472245008 +0.41470904659773544,8.141434725023583,6.555533469577847 +9.058781046255252,7.6388883536878875,19.26363371573686 +8.651634702257972,0.8659614753702349,15.562963811937092 +8.981342811795512,4.660398364707817,17.703620504440167 +7.686438229308491,6.157572884175617,16.495790847402112 +3.498698160781397,2.6479903271950525,8.566455527779377 +1.1813016229337125,4.126511014810386,5.760610355065302 +4.941027161295441,9.831150942439372,14.553306608191166 +0.3729047632872784,5.90149162219073,5.482760449114406 +5.249948219283703,0.22896190310455866,10.033920630589284 +3.297423310025197,4.2292742300415584,8.982724948428999 +4.942697617392083,2.334560859904591,10.415123354584518 +0.34100219897428063,2.9384311285980393,3.9078475383034386 +8.36361842433588,8.078578762843838,18.512919291663344 +1.80750774501666,6.463001656576588,7.870264136309244 +9.236473747736719,1.7210769094851575,16.55524331335664 +1.2867634020784646,0.22146266756702948,4.054483759917418 +1.7241146469623192,8.139525778255887,8.62225525635309 +8.139897401621036,5.404520770290098,16.757914848637423 +3.3356447693392854,8.067804190019828,11.047996529855462 +1.9501524345557364,1.398539900980409,5.700721875532836 +0.8921021793276085,8.513259465224111,7.7145560479468145 +7.148429802192883,6.245862838294202,15.60354708831723 +7.274674622108744,1.4347869220224763,13.556315361758712 +3.8478908749119656,8.141152294141378,11.705334764631827 +9.167655094810994,5.130956339223412,18.25172931010171 +1.2206144608297864,9.785173324126996,8.862363616497332 +3.9502854139075994,3.189946640874284,9.44767957144762 +1.1999091571497722,0.12629620994715096,3.815507763467963 +6.036733391519808,6.124310186344193,14.034347918986953 +2.342411367220605,1.6198675614715707,6.4861440860593484 +5.280088004989336,4.354068550586186,11.867189772996172 +3.0365403802919886,2.182328619742214,7.590338221358902 +8.593058582579765,9.838279591054995,19.72216710158837 +3.5558173238272364,6.981307860981669,10.652262770547926 +8.655472143287579,0.2693678081546158,15.22811393895429 +9.080648804961847,4.9914899286979235,17.936407786204562 +5.5674926040234,5.3987331964749945,13.004660829401788 +2.4292719340894866,7.822414409907122,9.547241921644071 +7.323383725357015,0.95792349018333,13.388945196076614 +5.627915745015432,9.570262017050906,15.053578244973835 +8.71157443426209,6.259043713487447,18.180057505389424 +1.986933437610674,3.4722313002670226,6.64033263253746 +1.5035806946102248,8.219306149895985,8.445888971470314 +7.786708312725127,9.103583073356768,18.2834651405845 +0.633955474709299,9.647134816494923,7.968928299682033 +9.664273365822929,6.744097935503623,19.879456640324754 +8.817482496400084,4.384378731826416,17.4773382213604 +3.1340430100557293,1.543684560048345,7.437013307651904 +0.315794699147538,0.41997352724737036,2.8548517445718424 +6.915667076040961,3.365746655102911,14.057400853148549 +0.5406167455725386,1.122023095861544,3.3616812531302274 +6.652837649640998,9.386802153021415,16.726715332749823 +4.079781923179099,7.776575674944989,11.943464834702253 +9.735818101140806,7.082992988942843,20.095261936978822 +7.230064333345837,6.159007941817199,15.978586321539803 +9.776765146884323,2.998060343556773,18.237401276791033 +7.82988450960718,4.150780622121296,15.879923646676477 +1.5541964209059578,7.393723747314716,8.020138230732895 +8.294019147111499,8.635991194450897,18.78606705300468 +9.218784949475825,7.4491159323167,19.64877764772042 +5.276185551407013,9.386954263995053,14.49835790917103 +2.095656761518101,0.7730976342441298,5.530173238822814 +4.316257203758649,5.822185875454217,11.09433866285345 +6.799893849658314,8.154219684790972,16.350974144935883 +0.26756644956565045,8.02046341010742,6.333320068609057 +6.0012867948157576,9.529477004377453,15.691062818490906 +3.4789742297039936,6.169784594685992,10.29116372472639 +7.665484062839347,5.163954207533141,16.142113630514142 +1.5590757336955208,0.49799772019979316,4.826795938316005 +1.1140066133917204,4.949045823477776,5.990229324614853 +6.396087735062922,5.705210658161808,14.36178582588735 +7.129161418423823,0.3899464357446514,12.911583893768835 +1.363407215290976,7.611401089485897,7.778138850140481 +7.811823684775579,7.022938343177328,17.31279851279769 +7.454300432652088,9.634400865023299,17.981871519677863 +9.442186737530308,6.444818406506807,19.474220349524444 +3.193345787375722,0.14109890875930176,6.835719086727161 +6.316081209088827,4.313038468370678,13.685129457349875 +1.470274517982112,2.152577480045937,5.1859875876020824 +9.365293159099878,0.6622254065601241,16.57279459540768 +7.874707756128664,9.020493311460754,18.15234234141452 +6.883475246782837,0.6134164131560138,12.561144662017524 +8.458529228172102,6.532889410609119,17.812200142388434 +2.77032899371888,6.2965538285601355,9.383800250046036 +1.3654278496817895,7.076475529631616,7.640340597003929 +9.029956181586364,5.216812646183743,18.031521805011575 +9.521059510441976,4.380949678204281,18.57177548774472 +8.575670317814545,7.736484158772736,18.661893339791796 +0.884295143432815,9.12652577932754,7.928437473886815 +9.104276538416133,3.5141586589570037,17.47570698316808 +7.934388816752619,2.2463744498542715,15.000283375788133 +0.303930859079643,2.0793713111670007,3.5865672776674935 +4.839878391437203,0.5776750348369153,9.534244258211398 +1.6000618311140402,9.504379933815834,9.186156278424363 +4.938409111666614,8.23100529781464,13.495703821772151 +2.0662274924258996,0.8852169309077762,5.355127454903202 +7.805480560107213,3.488338285988691,15.440036521011253 +4.598044353575224,9.921290254555736,13.770345048357807 +3.1653057592422296,4.731457922866573,9.252914507071353 +6.348113317177618,0.8906878072810576,11.831096274753717 +7.164321030146041,4.517310202750356,15.127638526296751 +1.7501447753372745,4.305418597004524,6.760049287449489 +4.606678476015134,6.407369749083215,12.154322801021994 +9.371338163865339,7.650655888620086,19.744343539352663 +3.824500404103548,9.696482152757259,12.55411265941785 +7.908311723232969,0.279518060726216,13.935764648094054 +1.1658641392009483,2.1801116204478364,5.049176266696464 +0.8350358300686589,4.854272192169818,5.610755316443418 +3.407180421921664,9.729254637313584,12.090735614772917 +4.727360972511729,2.1215486017573406,10.268552241772841 +9.707308442411778,5.138817914240677,19.24429894547697 +0.730597713366602,0.8087462101852438,3.440882114783076 +6.75292681943378,4.947958890275151,14.783859290526486 +6.242308144488958,8.49660008192215,15.812980396873913 +6.813836109762072,8.617898580254785,16.566415076699453 +7.426884899551497,6.743997529939062,16.465786227820118 +1.3469874135565296,4.8282761287493825,6.348554520497519 +4.330926926671741,5.406953483018688,11.247043044777335 +3.911428601649426,6.204372484805617,10.975819374017671 +3.9245587443623675,5.576178859958519,10.693199060203659 +3.9487530988285027,9.017673533229758,12.297179627341905 +3.7341568069981657,7.309325077327312,11.259192762435077 +6.137351694390581,3.8552352794183395,13.248030044494046 +8.076310684475324,9.275671694086716,18.833820337649513 +7.604843319458842,9.485880458844393,18.108793015438202 +4.363066918647264,9.137400566477883,13.102396492010543 +8.762229709546547,7.623873153302388,18.808447651196886 +8.352006951538296,7.301336396102806,18.11215340722825 +5.1230846228825015,5.524191511419402,12.412719852631747 +4.1768677766405045,6.642926884890671,11.65010589912195 +3.2478987778360757,7.396594774609956,10.499510756642069 +5.0511536056549335,3.531879153058509,11.239071492720525 +1.472279182052757,2.55525908997859,5.561816226756478 +6.402003629317262,3.6984930555500317,13.409991495407116 +0.33169126191820997,3.297380297120216,4.0623325662429375 +3.663576989794609,2.3430088077020184,8.748111077935652 +2.863150287376135,7.049274282288524,9.86524085581749 +7.462664538803488,9.58898965991929,17.967744518210907 +1.1808826547039841,3.117250043687788,5.294820930980378 +0.7704452598083533,6.13303733901718,6.26013937758613 +0.16388293303805757,2.053563413434315,3.3264826558419074 +5.869800447109518,3.5873864735519225,12.61928507850364 +5.443762590907324,6.402375084642356,13.378895386785805 +8.389400678583439,3.92875221317016,16.48781463287731 +2.7889691463862,5.388051335117976,8.822809210680743 +0.6968130767442893,0.4191422276170331,3.237608272114428 +4.522372350098985,2.180787500332272,9.777842184210618 +0.07216575213368048,6.7937046050638354,5.397296078274041 +8.161555367454293,1.4787857045594721,14.97275261196413 +5.639022742013978,9.839849528212788,15.477403462280858 +2.6875568339874034,7.308147321200402,9.478117832075188 +1.6210257761345315,9.320929815832296,9.05285972149809 +0.00433585185725005,2.9473018022940964,3.5074065267849295 +9.764325184233376,6.7069023800162855,20.107169523770747 +2.1184559939834036,7.913655818164409,9.314501721330755 +8.980855795603327,4.872711707373057,17.881855864316094 +1.5602365320764555,2.5859302223281,5.830572253067406 +9.431141172957403,1.6110279704566721,16.99778234977498 +3.119068369519317,1.4553767462112954,7.487713783295156 +1.0560591117053297,5.220250585900587,6.087676278601769 +3.9670929129445476,0.46168436824298054,8.226821584379016 +1.451948767064558,0.3765837958746032,4.456271307158923 +0.24589949638026187,1.7847009380712775,3.1922643009264466 +7.436492923507081,0.14769968209108253,12.968028289126202 +3.044774248601587,5.647880710378321,9.406002426470218 +7.43703568435944,6.778918989590544,16.523519570539747 +9.88424441800619,2.756272624215781,18.338928222714603 +0.001387280025946236,0.38219275878738745,2.1393461361206723 +0.9751871042002502,9.752376885840038,8.268468113805953 +5.700482943017478,7.99368533922928,14.43042498376181 +9.850790160008204,8.442678848890775,20.934516265387167 +4.076158763654153,8.758814355212206,12.760340762778489 +4.337509165064159,1.139680444733947,8.917438950669313 +5.481313509756724,9.157473407878685,14.667177870500081 +7.845382996294069,4.019271683477418,15.772280066262192 +8.548662841706502,4.6418249479398535,17.341363266870555 +6.845747269179689,3.331351687617752,14.008451297110579 +1.9471400676124562,3.1347040378667677,6.643294983971614 +8.75163631469318,9.897709847863014,20.037804175671354 +2.639168304463918,1.65363412862919,6.646559041942495 +0.7108272902460511,7.538195562388602,6.790417155690484 +5.2800025546197995,5.561002009372876,12.688034494160952 +0.452063864429737,0.8105699149151435,3.0844764832550178 +9.146229896435628,5.767308244638719,18.581600435465926 +2.1920668123390463,2.0746129652810597,6.384480152222173 +2.4090318614628137,0.6375789095238693,5.861145568341084 +0.4976325162657047,7.19985349626125,6.2536596671465245 +2.637568144482035,3.8446499526865496,7.7582152977258945 +5.3736292518699935,3.2006409442988017,11.681266985318585 +4.7878641324817215,8.650106541951963,13.517424559432126 +2.440994814548562,7.9125967312237835,9.726932855119616 +2.639486547326629,1.86947607837614,7.048666883891403 +0.7265874940076755,6.8420152124106695,6.390151366581889 +4.116338078041554,7.704269139193984,12.028993859327624 +1.3267113103306527,6.033505532601481,6.986284045495282 +0.12987044725052854,2.3382998467908878,3.210282676543162 +6.09647202996444,0.5603867682052033,11.37208461764978 +3.77228748462206,5.616628200266705,10.623407071170242 +7.275865639626088,7.05656054968411,16.378808472445535 +1.4818059991052224,0.7517035320015009,4.518662189956893 +3.7635839979980057,2.408060405101824,8.844200928238799 +3.056913948168857,3.4248464886353416,8.388963260385285 +3.9717780730076147,5.1860041639840535,10.520201516161428 +0.0930373372757376,2.98002364448984,3.6423364791613735 +2.643671398695735,2.3622303255817947,6.918162338185184 +7.886191978793299,2.51297996652308,15.143010560671225 +1.5096464105565988,8.518260061370102,8.545712805719301 +3.8294149643248563,1.8403399716848579,8.752760470917604 +7.512078556593581,6.571743284719858,16.36722699419921 +9.452997670186443,8.777955795690847,20.53822606632951 +6.9431536194579655,1.6099112552377604,13.316104245320338 +4.831812384381131,1.1878869021031357,9.785968344915524 +5.4939828062233245,9.16783556946423,14.829997313789494 +0.0382294705711661,8.760147962646554,6.396455661749676 +5.393180742588683,1.5124951989151325,10.807506386547782 +8.558657416785351,5.3689634762511105,17.639181236689392 +4.481657021160012,4.997181691907383,11.07873713818909 +1.4737157569866544,1.1273817505876704,4.769236920790626 +6.61556462713785,8.804118690452388,16.350582467493236 +6.944587111102236,8.407851899402022,16.714616685267217 +8.447716401964756,0.32040573793701066,14.819582011812926 +7.709548990052254,7.720925705254983,17.521674394642716 +3.4997696600517103,4.098490100066354,9.293436460917636 +7.454900001256669,9.865547408704561,18.127077980396333 +9.878251614399698,4.738428614125317,19.194725593487007 +7.895507404539913,4.660614926306722,16.2390963404405 +8.659591484053697,6.497276610185962,18.29219870081063 +9.366403909244767,9.97240161350175,20.92450075176724 +3.301876603428757,9.793238133121232,11.871136119258319 +6.925129668307063,2.3808620022903257,13.632191662771861 +0.031119499198274392,6.838384923536699,5.61204480277928 +2.2237968056033175,2.313786210465959,6.391722647222142 +5.52168064852006,0.30925921693535696,10.490995255504545 +4.163692551902046,7.9937347215073595,12.207617755386659 +0.2726023880878836,6.23941579046508,5.547797219065738 +1.5837965828177603,8.628393743840533,8.582541967323293 +3.906869289010715,8.121223290174997,11.91957732203718 +7.238202640188586,8.778351259579933,17.278372153149625 +5.168598948837766,4.8611300517817,12.086450796329496 +0.37430532365628766,5.338140877098506,5.375404515331799 +5.219763674773982,6.063947825526801,12.707197202451978 +1.3102163873133688,5.399679096949411,6.7189197925111355 +4.540323047400637,5.959759912465698,11.547520601232584 +6.605500830729557,3.6142340883166293,13.689869945858838 +5.040530644167328,3.9509781930056773,11.584248748290912 +7.654899334533378,7.96423698444393,17.535730345476573 +2.9294139708999225,2.5954593824114767,7.68131334438371 +6.783231061404587,7.740162053173199,16.020765160108404 +0.10865491578183728,4.274359814722261,4.356906598556568 +3.0773087841342948,7.665204539256014,10.543631700204697 +1.4354072462083467,7.782465030007936,8.182304734602193 +6.614066169514576,8.429295737248921,16.006665780601896 +9.902433474069507,4.765551200502234,19.216361233718125 +6.994114947252903,7.099609384605934,15.821623914363112 +8.445732493547894,5.181251818607537,17.122474563267 +1.0764774056803905,9.793629550894886,8.44111900630409 +0.5683734457387191,9.62374506870704,7.750933900735278 +2.553582256852941,4.924839210128092,8.244703682519495 +9.506615037437863,6.766605401314598,19.614328776880143 +5.855613452051699,3.258928588834719,12.442887539785696 +2.924060446243822,0.32777664092586645,6.4829228661663345 +5.863322269513203,4.301012655812952,12.746022142545225 +2.243011969506068,3.842141243871755,7.21099592903356 +9.409422081210556,8.484001184433684,20.344061385108038 +4.304072990521598,9.79953026568873,13.402720898931475 +4.621177729658554,3.4914187821509834,10.65683708789006 +3.8792060954874765,8.746166865107185,12.237075932106643 +2.677547505909814,2.2210276295737694,7.219305682361043 +9.605473241530351,7.342689079997271,20.191610647031634 +7.637808147661346,7.4029039885441,17.175395155250385 +6.82907362878661,0.9124796757439291,12.586134277708771 +7.536788472226203,2.489219001359202,14.425290700339916 +1.324052642086082,9.830029918158093,8.785907102995846 +0.2786378340893514,0.31636093573518487,2.4686485776946068 +3.099125324420834,8.442020632264503,10.879638884306475 +9.779441213316742,1.1852772288246882,17.450544694652763 +3.95439833846949,7.343018285197697,11.624297179892007 +6.455282477987199,2.333766789158649,12.841407631834098 +3.2920594007691606,5.9437465185990614,10.006151423282082 +0.35406557114343484,7.5822897735484815,6.239386871010933 +2.7540491927491297,8.283461843227041,10.377008209121378 +6.836688418207871,6.454145208666119,15.578896687591302 +7.673611209441333,0.7513452161677225,13.89198913016551 +2.599707318808908,5.217374676407273,8.71762290484189 +7.771563336528845,8.490557526582133,18.01414688616168 +3.8210365473542387,7.936476511084367,11.70433206107101 +2.2027411013681553,0.8243524317407691,5.701922573317709 +2.465834250672072,9.031481624238658,10.17130107174247 +5.440364205885528,4.813491100950078,12.554217879491334 +7.433346899442594,0.10092931495056412,13.190305176866762 +1.1830311869717058,0.9960272576137175,4.240611382199948 +1.2166711107490247,4.534503646988125,6.07086151254168 +2.8068291456475416,7.857250077929303,10.019619467963276 +8.390391177573958,9.249393472133345,19.153469681572087 +1.9606239920059931,5.028516843912108,7.295468505813773 +0.48697819142508925,2.399081251342067,3.9714511616203954 +6.150773705257762,4.22392315317853,13.346128011257534 +6.90699247139789,8.392273805540734,16.5443669722096 +0.5953510888428348,9.38612968342059,7.674714830910153 +0.42403328666296813,9.816687225554826,7.458039183098675 +6.376317250921195,0.4330001928727878,11.709893045091459 +3.9362881817568143,2.582084572174017,9.047353305927928 +7.985723476171556,2.254551692915955,15.208162972192602 +8.262125134530928,3.1234140043644554,16.01544796308227 +9.891436712385715,2.704091070853931,18.322159257427302 +6.849608032252304,8.00193756804849,16.433637878604653 +2.164594149113185,0.7575574498717452,5.583233548979413 +5.51247481569381,6.770790630404502,13.582992706408113 +8.172761839193365,2.727639462146858,15.443415888742113 +8.722858923578851,9.157666489053417,19.553322930324384 +7.791869778978157,0.07596849792897986,13.693298317722062 +0.8721639792057734,9.977373538155192,8.090838004395408 +7.339486943151829,6.267916368944986,16.035455440887034 +9.013620081101504,0.3964146524136969,15.710353970839027 +7.573778624120505,6.546775699193005,16.723399526301026 +8.482208314449231,7.779042336323558,18.54112568808813 +4.849308557161333,0.7096845289530951,9.641603075749359 +9.094015404729765,7.635022459081404,19.64491015233489 +3.5639606474498686,9.839282472345142,12.08497784570391 +3.111082202025981,3.7056061226110595,8.628013630594127 +9.746756988819483,6.681110770595343,19.99876813617458 +8.791949062361782,8.87754146735003,19.75334745028464 +5.364483359198426,2.669668195787559,11.4782483758855 +8.474458606055016,5.018875670846747,17.154805507857265 +5.643510367332167,5.413679633828892,13.17228553192155 +0.09588060409415067,0.45869104913883074,2.2271120839744842 +6.1638432592426975,7.944373586942252,15.16565804564135 +4.570385841539237,1.9040829768287237,9.810545054811527 +4.0663540620081315,7.683235517333937,11.97150755015468 +1.086213872446855,5.601988865883407,6.509258839813657 +7.022127964011297,4.158329417282772,14.770649347073988 +6.012621197021003,8.834769458206605,15.392761983907485 +2.1281323170730424,1.3508315655412284,5.982091092732655 +0.6084830118114004,7.262130734193518,6.570520150533318 +9.005308324405464,6.903936263070738,18.82918890089924 +9.764528691372664,7.0811073612790345,20.172306374070207 +2.8849476979236144,2.55589378866523,7.61695644473221 +6.666693671189167,6.758116771738571,15.295429160099376 +5.238123316210395,5.2688908204099025,12.387573808001079 +4.16641432723466,3.499210293016067,9.891810824516584 +6.340525117054004,7.475172960417429,15.194019252053554 +8.134057336063874,3.0783681983929565,15.653807106625756 +8.577342362850313,3.0274221095424014,16.502765383356245 +3.0487821558305663,8.060022956236832,10.358073525405976 +9.693754345623756,9.322256949632784,21.212887133672044 +1.110793326706061,2.8847661435732377,5.161404501580613 +7.598965258611439,8.062435958425766,17.33338336702891 +5.042665290472177,0.16102778040514076,9.621320451017702 +5.018475733175068,0.3114692306915967,9.649237986409478 +2.8139544479454806,6.56860050364482,9.497494124360431 +1.3460239965824372,7.124895437154156,7.647777145865276 +6.2138623636231305,4.296942185963046,13.526602761068162 +3.721550517773343,9.146664001708345,12.09566000183402 +5.531706619092713,8.888995430759763,14.591612434200966 +4.12442253413041,5.946401803677884,11.176341562876804 +9.546087018301888,1.2408599705780776,16.873893154162612 +2.6278066571452374,9.16693943156945,10.47240416297071 +4.220044122113378,2.7203538835925634,9.712587766606848 +9.973397115702795,1.0220930809770346,17.427635044183702 +6.115430106071197,7.88074536099843,15.144189437225046 +7.867389979777789,4.418420192411077,16.261580713415974 +0.43961034204567984,8.410270905397581,6.933135388465165 +8.027374742555551,2.3738075235109104,15.362455665781116 +3.4052742369245346,5.125923311150785,9.721962322330286 +1.1414370766345994,8.205645270994848,7.822690025966284 +9.220999711072428,3.081943313895369,17.42507768199386 +9.240294653358456,8.008695121758835,19.91252035523997 +7.278254440036562,9.691537140065996,17.849430776328052 +3.2465016168307415,9.15642797183969,11.453903052115486 +0.9840359760892248,4.780141503152684,5.735293140173227 +5.520112595462448,1.228106170655,10.747407839011103 +7.373540060650355,4.751789638320718,15.482328294561526 +4.555404395086995,5.814396658429407,11.627685407228066 +1.3471168042245851,2.000251603019408,5.089443681306471 +1.8068442682217212,9.519325974575741,9.603794800402808 +7.731898828157815,5.291969753295249,16.221767133787424 +6.594551313728957,6.49978106140259,15.26285212387947 +2.6234501011250186,0.8660783691377405,6.394108141774499 +5.549387618201262,2.6304248931362153,11.641885877593683 +8.734716488121263,2.3605304420682516,16.289624570786582 +5.72861475195293,4.200929018990486,12.610301599280657 +7.42902826961174,9.507462172533307,17.801410027480365 +4.115710696455467,0.4435452750183977,8.230934588878668 +6.614313911355981,1.2918487328245176,12.494085584613027 +1.045015042259485,6.61558136326906,7.089252631764805 +1.0281233547285917,1.2877713175742633,4.036734131688051 +4.390807303204422,4.523260862339859,10.730187645596512 +9.137143059334504,2.761342129953286,17.005826665340134 +4.0093510772590175,7.075210263570451,11.475766240435673 +8.270199362141915,3.4912036784570413,16.17783327145188 +6.3107742001808065,6.241858873273239,14.525909599197334 +3.032076222574301,1.1862119489529122,7.121368746015647 +6.825170839000282,2.680680678906401,13.493146505112755 +3.182823628516024,5.723551737346675,9.588489063471835 +1.6080893928153295,2.414982987263162,5.613658126498974 +4.460788169462074,8.784832790836962,13.070143138186731 +7.722561246618936,3.175968536303836,15.36990254979541 +3.0206888672243384,9.873449120923881,11.464939193096281 +6.5338427338532,6.855340324326066,15.207460087055791 +0.5512432538740897,1.049725337323012,3.1020310984192054 +2.944536350036897,8.420111223426924,10.650852678415553 +9.106693296237088,1.9102934594751886,16.417678128221063 +7.14196767225693,8.741376311291535,17.13880917765168 +8.789009044809008,4.588072649728306,17.491791629479547 +2.5877848873044176,9.56283949622865,10.742886796170417 +2.7658313845245064,2.5269506109724036,7.348779487152207 +2.056828806037001,5.325354606123939,7.750618491739708 +1.0718435136517745,5.706876698761577,6.528780217711994 +9.436892906475732,5.049692170862547,18.587230648606237 +9.653475836613591,9.057034458084036,21.069734414597118 +7.9230166667156325,6.080572492024464,16.981236861739465 +8.806778678416936,5.549837921807014,17.971600249808848 +2.072013135989822,9.251794748478357,9.891770461932342 +5.02189880007898,9.077480744126508,14.12314387866794 +3.931458662923913,3.3572431562477947,9.408394274907378 +7.659913236269022,6.344454573533458,16.76096595146778 +4.397249349776045,8.785890741959793,12.923008507452213 +5.165766134975696,0.12791127667716506,9.892372968389493 +6.932038567302682,0.6315667139728098,12.743393934166797 +4.811022909548692,1.9207952789276261,9.912757815555523 +2.419834984966378,9.798151998883224,10.589314968492069 +1.134793129553534,7.577072048279465,7.468560092541844 +6.374451269024473,1.95042698281931,12.490945698280258 +9.353379322657462,2.014164511576022,16.994931438510253 +5.155847015392277,7.905219401936723,13.765268109638628 +7.6357115145555765,3.1970800522111764,14.959980223287134 +8.392723664020782,9.620966200143712,19.510896678911053 +4.7401982445293775,6.523152996429152,12.219908870170437 +3.6451407754363405,3.540828310372919,9.267694738012384 +4.697158658196886,1.9713309580584515,10.108647517691754 +6.894015217700954,1.6557504475152263,13.243687882577944 +0.05181002108857746,4.394761037898839,4.293503319910119 +0.7642028131303347,5.624387633355069,5.937818463800632 +5.203690536440904,1.372643978414596,10.436859299067871 +2.4599688801778816,0.24452218406073256,5.6899723686180685 +5.939531029652596,2.9286619464777153,12.305060507512376 +7.1298468922421385,6.29825879658409,15.747761861177702 +3.735875905833751,0.2172317453095307,7.599898104209782 +3.201644383265517,3.2486377535531066,8.607156499879233 +3.3270507415575636,9.53443437956126,11.585850576876824 +1.645596301541039,2.700595875558646,5.931243359803945 +8.323989527345079,9.251575241756143,18.9881217085215 +4.682856031784443,5.400487856301889,11.622315337614134 +0.5285838356619388,8.080384290839579,6.729220335017243 +5.9456036961524354,4.790100593718893,13.202408265334789 +3.025755820842898,4.4377098506710215,8.849774157874766 +7.353120318804313,0.8077414830606322,13.49238790705537 +5.068141949647286,0.346380649813135,9.75214333619485 +7.72252945107343,2.1101788869162252,14.909619332172786 +9.033876868035525,4.76094578007359,17.929615516525576 +4.572637264336423,3.603519524543869,10.66670328170034 +5.163609007122397,3.380279065445851,11.366989261664354 +3.5992463009323528,1.9561273470345575,8.296459765009232 +3.4521444975846616,8.117150993249407,11.183480914238716 +2.4569083116680734,8.212681147979705,9.876875964839934 +8.613127202908275,6.663343952078563,18.308475012479835 +0.306839248011741,5.610335066040344,5.394486593498851 +8.331489027880266,3.657833429271067,16.25444255633397 +2.8282229291254737,3.2137680496239573,7.908169325760147 +4.230763971999173,0.701691754423982,8.727542652496561 +2.376850993040706,6.469350515548317,8.843371957477324 +4.724842419871794,2.4734134250098707,10.237592778633081 +9.308791575475423,2.9554238527952794,17.337025991356477 +1.2931787285945096,1.9934836620888885,4.990423752306615 +2.965848066126413,5.225590717901582,9.148851560488076 +0.6632067996373603,8.549420755036845,7.207689970331815 +8.774766443642193,3.1835059205988827,16.814806144863304 +7.753124251834567,5.9969273238390315,16.748087490801506 +8.454440077616995,2.769662999518582,16.03031183852914 +6.10235740575386,0.726948074816004,11.373128883279815 +0.09452053005786554,8.746978852411239,6.383891161581291 +2.9454778035632168,4.45410758896351,8.577618229112328 +2.3177938411220356,8.76807456248127,9.81612665867327 +3.8453419697233726,1.7911875441009073,8.659992845028942 +6.079928857267841,2.0546332608321016,12.145628091778178 +2.606898862442868,6.727950545809568,9.247087471000519 +9.59219447278048,7.54809868093306,20.2302645475545 +1.241423801341457,3.125572115826878,5.348844397650747 +7.963649508131403,2.7514736040588286,15.447678503575538 +7.400695535638233,4.71792441602625,15.554012098266176 +8.844085274607531,3.5914909556183474,17.148554101931467 +9.345714566760439,4.07434681103894,17.989794732408022 +7.262357109929343,1.9519455742009384,13.85786612328121 +5.307894505284864,3.101350143818189,11.58480117386617 +0.1272654945062468,4.372737554342954,4.357275601334638 +1.7249641122067605,9.585852468062038,9.310457409668144 +8.085887682699429,7.395251255214806,17.752530888334952 +4.533320316961895,2.5910482417081546,10.02644876002424 +3.243630502988839,2.04364163504412,7.77117290098362 +5.518886606391803,8.112763995686095,14.621747288683931 +1.8741087703295356,0.04547449535732939,4.638668482230147 +1.2560651667717149,4.609321493230368,6.090679441570686 +0.18596031592460371,4.032678775486196,4.354882191523037 +1.1115807415925383,1.0776641889455651,4.138063128247386 +7.126110168640718,9.994972093565508,17.651480080759356 +1.9448161871182545,2.2958911714647168,6.104688773850249 +2.9641823386330177,7.851093417984351,10.475055614318554 +5.058937645065128,5.706770127843457,12.414449603100365 +5.465071504161024,9.373713532175397,14.97666682823594 +0.3485296973590435,1.5791560522360282,3.142630557058707 +3.8211298210488067,4.880309694607991,10.111251905209949 +1.1393690987779492,8.931696593439082,8.224383835997221 +6.778589110565958,9.322433578596288,17.026419517083884 +9.408012399561517,5.125330544023913,18.578144688495357 +8.530082386279997,7.36754591643486,18.36475231464327 +3.605081717588181,6.573492797963972,10.728509182557609 +9.52747418253097,7.6400903758472545,20.116574551691084 +7.094121186620822,2.2187149342044563,13.67869594879111 +8.31128490901458,3.8966475296156835,16.293582314920663 +6.240779178592762,6.777271025152849,14.698415012530772 +5.152414266721427,1.6558525015310643,10.608671387844861 +6.974562530398094,2.4724232402525415,13.664735318200579 +2.653645644761189,1.2679149543567392,6.7315421777869275 +6.199422665049123,1.1740574133756276,11.872560479893426 +3.452168248045946,8.895221982134597,11.686013860846153 +4.530660296798431,8.9450471654704,13.29636141201023 +4.927169659031087,1.7883380835541507,10.244556798668517 +7.589156967875627,3.534474386221068,15.234284419754019 +9.664106049897917,2.6212922544701875,17.68507668132895 +8.221474225880941,4.938603505741158,16.746156048138754 +8.421322660363867,1.8303623083296328,15.505776004535303 +6.336684828889019,1.1318565903573918,12.109109407279853 +8.0551584622419,2.356536255009629,15.324088591050167 +4.275754781454735,6.559754563920559,11.611991493999794 +4.782146291696213,7.788969317199063,12.972094521228817 +6.881705096254271,1.304057534396933,12.982443835810908 +7.734628110053866,4.234823148812571,15.565588877656308 +5.977577250817561,2.165731996390318,12.150015453525691 +4.230915923765623,8.171611189049708,12.409796337831205 +9.26261370416203,9.38695842400511,20.47044573171641 +7.000888389678808,0.7891038485984325,12.776951929454267 +4.426333068943186,1.930711884838402,9.636168991186368 +6.976145645633027,1.6137114252591078,13.299681627920593 +9.775762175636277,1.9453568384047148,17.559478235146944 +0.5271372255571094,8.435469027637318,6.997053039006111 +2.0227128871904076,0.2401274849281576,5.041212485206476 +5.4807753786811375,9.692337716212826,15.041490435443102 +2.67497647352518,4.087229801220183,8.203633832792676 +2.3716690570594325,5.5798495809043915,8.560484452435633 +3.2278917055740752,5.913635241560272,9.777479168761651 +4.780209330931059,9.289152715749857,13.858074583521638 +6.700174968572612,6.825940570038874,15.502466294147084 +4.864667819894176,3.0314508156577338,10.640623611758908 +3.1396323061766873,5.039915029728163,9.114420382322265 +1.9191117910227806,1.3242678925042373,5.309237518321237 +3.723650829749383,1.3047545979551434,8.282760898241465 +2.307615844194687,5.350237812196712,8.331081073920986 +7.9009480778226315,2.2477158701176982,15.081863707184793 +7.9166448337359725,0.15541615160076572,13.957125267480352 +9.970227319044243,5.16938950941174,19.53038740479198 +4.758873515241756,6.50555852486829,12.355852641365344 +4.75175913766652,4.080222862513205,11.27371693257271 +3.7098329191170776,9.778330106557185,12.475480164785457 +8.614967183239488,5.024105829147393,17.440749701873358 +8.364526202627491,1.4908937952083146,15.181908390929381 +5.294449662944213,4.501712314752396,12.252638304677324 +3.2488213013458775,9.18439944615113,11.450433244807613 +8.324932633365304,9.070859519185056,19.06252558520484 +6.352169309563981,3.7622120317809813,13.5092676448281 +7.568125698134052,1.0856697519213698,13.731535491767383 +8.530795798859218,0.2877931589165017,14.91052935675328 +8.182123843872697,7.039405043291281,17.748826642966122 +0.8846042395863318,1.4699784793311532,4.009020431179071 +4.523914539819129,2.9987489359375408,10.173557308193345 +8.6729265706272,1.928335997772398,15.90080573322759 +4.170799610890165,2.604710287523062,9.448709506076211 +1.2718216347277322,2.597414181422563,5.28893083909889 +8.599870965659939,7.155001407460267,18.515048705182256 +9.142400103364022,4.0527932885145415,17.770804655240727 +2.404126873770233,0.26317536182891343,5.545080303044465 +4.951579296864129,0.3972834359560995,9.820895015609059 +0.04274987197706248,6.047081403026763,5.046812681675155 +1.648259689120396,5.5977885251492365,7.445746906398637 +5.735227023009735,7.238391605033257,14.296949542483569 +3.8312865224445236,7.0515550605750255,11.249540936714306 +3.6596546343948444,0.9778709717921574,8.182737881213239 +3.0999008812887183,0.0756732933459836,6.7444259952044545 +4.624612916576641,7.403111675421656,12.615640844211473 +7.847475564405459,2.3209671985754152,14.89258687221784 +1.05643126075053,1.8543007196032368,4.614992626611985 +9.837129802711074,3.1210275914927355,18.262557493848615 +4.292844551006979,0.7562656548788638,8.779543129241352 +7.893303032493076,4.484903505194707,16.02271137737261 +0.8739789386164087,4.72941922472217,5.600113651497492 +7.132746219689481,4.730378901067196,14.994862128158216 +9.686327597785562,8.716637524796743,21.0650558310809 +5.148069903799448,9.40507708528319,14.525401026813611 +8.113877976197788,3.682700108413439,16.035699865633948 +7.714098369296952,5.058523340011077,16.04565947204141 +5.391117247571666,5.206210202183242,12.634643694906154 +8.03678540399188,9.185744407169858,18.611388028451024 +3.195176862813823,6.419210743337807,10.181266072747922 +6.284088653923976,8.874972575491174,15.892710819069649 +4.4721168688454505,1.9016053192866333,9.733731845534475 +2.0308587904338324,0.5127648823515463,5.3226541295946594 +1.0072849482906354,3.012195718592676,4.9284616900578095 +1.0256292437221681,8.71091428137408,7.904157248853907 +3.6201854441529644,3.6846732489130343,9.165031523265881 +7.575063732456356,3.01337625398721,14.9888172366586 +7.151822765826919,8.224230055489857,16.764986927548186 +3.60178038431752,4.7781193618105675,9.734541149379591 +3.2222895363085327,4.231642112903254,9.030573187659263 +5.807471490036328,3.4963971538424166,12.389574106391551 +4.641329885602424,4.962236977102661,11.4212078016922 +0.24503790424069471,1.6364896750993774,2.922032581322056 +5.413743599304988,0.026506644916182154,10.101608844687222 +7.0419364203023695,9.054649892319187,17.14965874029188 +7.545691230791291,3.1415120360806634,14.826652732486979 +4.498409701716594,6.507167960704705,12.05712649498326 +6.804369386306055,9.77496899784365,17.092422796339047 +4.929808492499003,2.495348331370113,10.751170366884034 +3.621918423269804,9.224429572381842,11.971594366970207 +6.327095764814036,8.642514051678475,15.787745679761933 +7.2408559056479636,9.654303458316685,17.541470065898043 +5.012300569042324,9.49905259385101,14.258769610026215 +8.858902174383466,8.430944663355097,19.461670157405827 +9.390932428839644,5.255376417725132,18.810098591863785 +7.4282911902208255,5.553357697120428,15.856642110281154 +7.762609581766916,7.637524957118727,17.42030396759644 +7.584041919597146,4.284491368744544,15.450790546340913 +7.9628787432615535,8.764893372500937,18.329481255409465 +6.362550243619883,4.546529348145974,14.015941517900014 +8.532482556175166,7.78450319571987,18.341203820680484 +4.696000944443124,5.798690534821226,11.938564448584858 +6.858252530659437,6.883215827990927,15.846425684127205 +3.110371371502448,2.9269166879973882,8.077560528916242 +8.873468960895526,9.37011140013994,20.04795881279532 +4.020651268683062,9.133768940403005,12.715598924842187 +4.706922585304147,1.6720237983778852,9.868778328369114 +7.32880446786845,0.45885089018577907,13.157375116204069 +1.1391637031113255,9.410055790982451,8.507314763931014 +5.176217381940454,2.6637636982840283,11.14574504033754 +4.804094797237084,5.7817763294908895,12.090793423063307 +6.389154913934502,3.4822232021293553,13.38596874737653 +3.874029600708695,5.497632354882455,10.65589375043887 +6.2666454909692835,9.213564583144318,16.001448530653533 +3.9227614255388907,8.74687221767953,12.28812402564019 +9.932181409544537,3.3900349108283576,18.645536341747583 +0.2728446343181401,6.043712220986828,5.384936286896875 +9.036476661204025,0.5338897522163866,15.940457074816688 +1.9714984340625175,6.761504299177076,8.23490912849401 +8.09652891198728,0.8664022409022698,14.564869476523056 +3.637378603138276,2.387385338955166,8.726511065442317 +9.648764429692804,6.824688284888091,19.779847867164353 +4.75638500776833,8.62352289418247,13.533471866589148 +5.376623238963685,9.113341131974293,14.640634821107682 +2.3880838375303535,0.27338397969557615,5.8513356161297985 +4.287384789656963,2.042772432397376,9.513741896713604 +8.357310701469315,5.329235979968048,17.18430649381321 +2.886636266918967,7.735738942357497,10.220984360692194 +5.268853830332353,5.027946953831854,12.444006508369679 +1.8078978147735336,9.952152345438801,9.890250767068602 +6.590180710935634,8.548235002460885,16.16785762634665 +7.597323411984391,5.0293386294545614,15.89685503327466 +0.09731586897558153,6.666702018088328,5.45977790870023 +1.0074431300163866,9.614650350480357,8.337375466413972 +2.492649636265458,3.6733296052120004,7.462208011839211 +5.515594393998855,5.026144663473204,12.748187504587927 +6.5514794201357045,7.834476191589747,15.643243714722939 +7.576439639948629,9.080856006901593,17.816941016557333 +4.699164765232436,5.341726442327657,11.800020385468484 +8.740772048328537,2.823311217609973,16.52544079669306 +2.459201841560498,0.09123507232059236,5.66023463737819 +7.3848052317599775,6.8758565936682015,16.500108031521492 +2.767203194474309,1.2991547148175198,6.775776878262248 +0.4253092448437401,4.878628878866714,5.082547531605015 +1.9348228852663452,7.933971224053309,8.718509506296328 +9.50033729051776,7.768594323261172,20.02567697993939 +8.515953934085907,9.90792308812899,19.58374638163859 +7.408104480012822,5.673236672646525,15.858815646632259 +8.100112296496652,5.6385166602589765,16.897154574173697 +4.325150873450068,0.32504980330333555,8.546796586472734 +6.429803930028818,8.975180329715393,16.208737675520716 +6.931514820762486,4.041462757002884,14.60199848841729 +6.168993910204476,8.129561734126233,15.400829895111556 +7.642401346905739,4.911784459918255,15.86295433729946 +3.616769449682209,3.968637748286116,9.430491778851483 +9.079091457735771,1.6985367738062807,16.461264276123767 +8.629795922195603,1.9528371547490408,15.860230442301226 +9.80889749834445,4.483429355353751,19.08753262747074 +7.334304557740591,7.293744365081589,16.849050328361518 +7.725310530482171,7.893958582842374,17.387944155820072 +0.39074732187123873,2.733343633247939,4.096819524674693 +2.2970948760938024,6.985932281165807,8.879510335586469 +6.833174550263098,2.970334841736153,13.708697433995631 +7.935419334084871,3.116205748550972,15.489499633117434 +3.4293522049266754,3.9885085974889547,9.29304836694627 +7.445897093530577,0.11777931432039979,13.255860227117143 +9.06465251254105,6.920549361872008,19.098499191814042 +5.865983797952179,2.3733164310279564,12.070970601919669 +7.855133179992617,8.727881468358373,18.247754607379377 +5.015467200902782,2.924608242530823,11.036618372258841 +3.8055336601917356,4.162510126059834,9.891289732974323 +3.0591538091286994,7.121885168863853,10.089884225811021 +3.421743079197921,8.212172091079097,11.065252569513541 +4.636910399252562,6.289601803163565,12.282666313349072 +9.479523182076012,4.460536713216071,18.345784611840234 +1.7034620739099349,5.499223198966731,7.251420145046168 +4.966755263044833,7.82583300689207,13.329896666497158 +8.601994632955838,7.1261976969716425,18.41570191658354 +9.714547070609465,2.6919467891025284,17.845179277949185 +2.3919556009154377,2.91286810445468,7.090725925974092 +6.709072893216465,2.3254101532391758,13.273737274767637 +0.8841742411788456,9.777221835916993,8.27686597588232 +3.146107630001903,2.223946759759338,7.8868548112513 +3.5874900223547614,1.5842514305740196,8.131692590045251 +0.3576781407899199,3.0538356757589824,4.02160245429462 +3.378629357671038,8.110162379389346,11.23494455663462 +4.356367658228633,7.367522762068904,12.166174350793439 +7.357126093787553,7.8899207846165345,16.926524412148318 +9.185088844074508,4.986313344032244,18.36373969741459 +1.0395329813520682,0.38662942782555776,3.7507558021226104 +1.8690953747986971,8.29211646846384,8.89919464257492 +5.743494990314824,1.401182443155935,11.266272048989254 +1.3263623794458868,8.915029379351516,8.55944861188611 +5.200303597213747,1.718976574791703,10.71854605519693 +8.967476148685275,7.207271743072166,19.078503663498015 +4.777687103210085,4.650654367162139,11.375223913266353 +6.726517924339095,3.383091954350146,13.805401668711037 +9.99910163693831,7.8455457473811485,20.900145843507378 +6.409598550572006,6.874524404918596,14.960415467098207 +9.960838740691134,0.10781644477474095,16.93500688997255 +0.2282466901291924,7.850278700870227,6.337125078040816 +2.0939196026196374,6.851665652917012,8.690954504544449 +5.033404411686989,3.1867012556508656,11.037716396930282 +2.3134001505912147,7.767458937218272,9.26070283048026 +1.7098191473789504,1.5872101126058935,5.427747276438035 +4.419326099689391,1.1927679642961309,9.184453836811326 +6.415118530914205,9.919707795609883,16.6378068962917 +7.479132909298803,6.032349544246581,16.192609833994357 +3.9463849382326153,9.879896582568014,12.917225150416945 +8.799432508777961,8.205907949172026,19.16472960718427 +2.300066796762974,1.2358069365470492,6.122936624871904 +1.779410717573392,2.586890944161474,5.7526378183565905 +0.8169882710586007,8.8842232916788,7.760126600785661 +1.8520108162124016,2.266095882026866,5.907662243000045 +8.881583557469039,9.581432009300254,20.157214585807726 +2.2178112568555663,2.941840929906272,6.821349425553448 +8.00102897236033,9.702638875642045,18.68227820646487 +6.496760972871555,4.425846841288074,14.09474763353434 +6.745795422408012,7.802835108169833,16.053559287046227 +1.1265590368352285,4.352983550524089,5.941963190092962 +8.57302063569122,7.0542467411621494,18.306732656037763 +1.5377430901254496,7.5521319225530315,8.106758142737416 +6.6744111410648355,2.646487686739507,13.203870759286316 +3.4400288230736766,3.1440649492412365,8.746998378579468 +9.93248537303465,1.8372137482546413,17.723378418582282 +8.294153007705788,5.306354196741428,17.595130133120293 +8.80521684807963,9.818611352417054,20.17764685321033 +9.610830929347301,8.542530502887134,20.82059764361151 +4.135722136315463,2.7127193936136553,9.534984214396383 +3.1949739269063846,6.53138031388901,10.098051458136187 +3.418605562480889,4.348886438616317,9.392885862954042 +0.7973639326946946,7.710116226403805,6.943828282674565 +1.1146935892864318,3.370265523403353,5.289915094227365 +5.904339722270954,5.311748510743684,13.609634191395093 +8.931305624230529,6.586881370503725,18.668593928859735 +7.890447785770954,3.0344592541400663,15.278135100104576 +1.3225733678841212,7.433299991014204,7.637412739223648 +1.5357897801929565,8.341662037220923,8.352268340517178 +9.430174431963533,2.829278593459652,17.363966449144755 +7.610050372389323,4.373383185423463,15.432154077355847 +2.98997345740578,4.311433333803484,8.64524720340753 +6.467672837423061,9.880682732153103,16.709012255707815 +3.000437336756269,7.059431948531236,10.282265464454982 +3.3487010316072507,2.513940748596312,8.27588340724196 +6.318421417565212,7.612880526765488,15.15607636901254 +7.17386031719435,9.425856785932883,17.470872625237995 +1.0736917077763208,5.406636640671847,6.384148979198287 +2.908437933563964,8.16957078621609,10.550460337450092 +0.6202655174554961,1.7580345196226577,3.9027274276517665 +7.720285617471249,3.5464132046073926,15.410912512655342 +6.8180011280984685,9.985056777065665,17.229059467413688 +4.59849103067659,5.329842403681297,11.636338898442899 +9.753280632112894,7.463934888582053,20.24340630137945 +1.9675699747400222,8.043002158222887,8.772039062597685 +5.158584116774384,7.873694128638863,13.884048504316215 +5.985525248720339,2.273314528517222,12.110243133600159 +8.144395794168167,0.020265337300942043,14.280116176016124 +8.880302203601783,8.186092257271673,19.133324879394607 +9.701399917725004,0.3553774070871496,16.884278488649375 +4.376345028814614,1.691315423909392,9.525761802779995 +3.7398953580325447,3.5979140982995284,9.252239551338658 +5.975610623705032,4.374299937818643,13.118835226569079 +9.655732135544614,2.777737708575243,17.89908984298144 +4.187504597301118,7.0065480032101854,11.658152528345415 +2.76543350911862,7.238110943377714,9.816081456901925 +7.087124930674263,7.12238222414566,16.296441075558743 +6.750764257161754,8.17460355056942,16.245868476707933 +9.949316965807698,0.5533645526608566,17.044035229254582 +4.971466418757409,8.130809300195821,13.418931771090165 +0.00047209829221461774,5.451532445046304,4.714094643531265 +6.597982156045681,1.917426735582708,12.830729488586254 +4.008205033177461,7.894511935554088,11.93663774529121 +0.6668272103829354,1.348667331336162,3.648109285664082 +8.180694716433132,8.09205504353746,18.136668362536927 +5.904033637339601,4.161866522183233,13.01754918901887 +1.0565174507732822,8.114372938464859,7.704688193282682 +2.417453611403536,9.131908575794675,10.244372076296774 +7.758379856680602,0.8093583784082226,14.085220513625625 +6.354931049670316,9.206260032651093,16.107115560910987 +8.791682018403435,6.133528792158199,18.193580319539677 +1.719590138125976,6.802418233218624,7.878832999842478 +6.66142058189772,5.887347182131331,15.090097048425717 +2.6574285314375157,9.00296822809797,10.485576048174568 +5.025769026162661,2.971152246259435,10.858171711192732 +2.552220739441944,2.8101783065543176,7.230498872316752 +4.610941447440142,2.3085149641933898,9.862243728322834 +5.174145651414515,1.9202348990268037,10.74613686729414 +2.709519427291883,1.1966545376805626,6.6769043436371005 +3.573946598461404,4.059696711378394,9.336576225233925 +4.037175967361839,7.248874993286175,11.586252482875281 +4.833611742315985,6.930053063249982,12.771686755791238 +0.3314010047040927,4.365886483026923,4.671743088769255 +0.8979779703937973,4.621020043733697,5.463307294136726 +6.151995101121802,7.967393824527118,15.33207849757863 +5.50219112844482,3.7950227338525746,12.056815079073232 +2.644624352253855,9.574428232508723,10.622332694379358 +1.9828546758736443,0.42416358586891856,5.322231241886469 +1.2587939235622514,9.975050992875394,8.981674652449888 +9.061200297635516,3.2025787246995074,17.151038932956354 +0.03849177123715131,7.672060268675777,5.768519203230391 +3.0053625729958497,0.22149333266808013,6.527818411722178 +4.566045901840477,4.2415595579212395,10.926098744993686 +3.617585843201981,6.533673977922597,10.814835729337233 +7.260143493621172,5.591837717518198,15.815633420754306 +0.139867734763105,0.2241598606202988,2.338479445409316 +8.817437696669746,1.864426495135213,16.22338163765147 +3.9806437130228534,1.0352728911520392,8.467665528364197 +2.2930097506400946,4.853536587464516,7.779000528876728 +2.355465684028845,6.590826512183856,8.678551932399753 +3.673084023571694,7.884667667400249,11.484251648828387 +6.019504524069967,2.5396505693737668,12.389119423307621 +8.083829660583364,9.320870702858935,18.735114783720604 +1.2004429901609714,6.696634799588961,7.267734130042093 +6.307954899146341,6.697127346510136,14.772002410017773 +0.3118575049661165,0.2812586139317763,2.6167903577526883 +2.9481150005793033,0.8023307560543835,6.801230799131843 +3.6607797755496496,8.724207008291891,11.976919460704373 +3.5443628121291457,3.928462477421494,9.330042462416953 +2.6752203422461287,4.21603210296831,8.115009769059712 +7.97512131296931,8.308913344266358,18.124798968865804 +4.210589667327871,3.968605619618628,10.18129769316982 +1.9506547107699468,9.756016489445887,9.58064603532172 +3.1099531784665357,3.426426375909799,8.324994275445755 +4.298564448830184,0.8043351019359923,8.83061303984951 +3.2853762682703804,9.30584704369059,11.634114688866426 +0.7443177664704637,2.4048525617886174,4.302591831159405 +2.1775100088555908,2.350695279061432,6.394691487163104 +9.546157695505205,7.0855548596890365,19.56725756533334 +9.197917433391197,8.57610585374323,20.137647789061667 +6.247460929073975,5.598086507101759,14.19133672025492 +5.090999030804218,6.895331279877971,13.165548247819553 +7.01824799380181,5.994575027262153,15.527385741403743 +4.489414141370282,6.753635416335829,12.225625173292558 +1.5668416892865222,5.515336859506076,7.052877677444736 +5.192998581380504,5.3467485822685825,12.45881635665796 +5.108187272082102,7.502633566053119,13.43764847874272 +7.5749289165578295,3.2958275440704288,15.076295792390924 +3.50752821851799,0.16486039956395082,7.385363681842558 +1.1329609997636036,2.6232507648493786,5.058825757344696 +7.657103385619005,7.978893466487042,17.501982159894837 +2.48015132456986,8.697552605568449,10.049732930693233 +3.7569796906429787,7.980519513439962,11.715855602033704 +4.668537674348949,7.1260055835413985,12.39837817543565 +3.5631306940734317,0.7060655889715595,7.634813306829415 +2.540515360115351,6.970890812787294,9.455402630920258 +9.179569952625016,6.282915638587668,18.84355417925476 +7.689534971323594,0.14123409145684884,13.597104241635856 +7.600630391053893,8.35537501454917,17.717413352248442 +4.126512527955786,4.938913440098792,10.64661574205745 +0.5237308423837783,1.746356563161473,3.5753863122535274 +0.5647716231733002,7.313683345618767,6.623835161349552 +7.9986404411872165,1.0866685238325924,14.512360861630032 +9.215960230170907,8.395266613690277,19.999469167268327 +5.76284972672441,9.782881051012499,15.337678682149358 +8.824676416526259,2.2264178334901974,16.337489452774104 +9.54035686941292,4.429594039964893,18.593629363868054 +1.548659119347221,2.0008975645313876,5.2803522338178634 +6.841945279627867,9.875584131524992,17.07257496580051 +4.452716944258749,5.731347318566926,11.49670296676271 +3.0023958887698643,8.454575179349842,10.66936068970354 +1.1515595634083098,5.822473531243265,6.613212558817613 +5.862204843285147,0.011397380900641796,10.747245850777386 +9.405623868480633,9.743423853769857,21.146605889553385 +4.674734399377929,7.256415826431425,12.670544750459515 +8.487119416798114,1.1670498017449549,15.14018263805102 +0.8461889821786117,6.893098199109547,6.722981971255203 +5.594923122564306,6.793936751994114,13.785357688779511 +5.719965077217662,7.263917726908736,14.331353966146919 +1.549092583248629,2.1561813909342478,5.38612832487673 +2.370231660305726,4.165200986968786,7.619473972932023 +7.595603388152817,8.313968113450777,17.736688893752785 +4.012966048470542,6.020497796920025,10.922816229497618 +2.9517840046427146,4.757769054341587,8.886328959055467 +9.409105287560507,2.692859065282436,17.46647650858233 +7.879436691548568,0.42194214762939275,13.98004035544985 +3.4524295845856323,6.587812726318704,10.407739281531896 +7.760009585845285,5.921852121302548,16.73677564016641 +8.69222134925852,8.207858258834426,19.188791773106317 +6.175050335811272,3.481229982576739,13.063301996212179 +3.6371051804894905,6.150969161203632,10.620119678804299 +6.565516946425834,3.9458676242529025,13.855399636996134 +3.9751739341649173,1.7677972265106279,8.740560606632906 +0.0028752278650090446,4.614915229835509,4.154598801880871 +8.308412513470813,7.665412513652981,18.449289347599795 +9.939403380904949,6.69405779355967,20.27693544619638 +2.3391298603885167,6.773488018254894,8.903365149187655 +8.284787925969523,6.409970103480013,17.81262483937181 +4.8172422060787765,6.185124778200065,12.211989817195267 +0.2580261045716692,2.651125071643914,3.460253077713377 +1.5773729504460587,4.134154354667404,6.251980960301114 +8.930365385727946,1.8794947564024733,16.282205977020848 +0.7098461021221925,7.769219397291077,6.961096219732653 +8.679030196167494,5.313948190322442,17.814683720157774 +3.7656657181913333,4.305349720983362,9.88549512421708 +6.589917137562411,8.312514825330164,15.784956351697197 +1.8944042945065565,9.022583360271142,9.632967408793347 +6.573900760589273,7.382905470899914,15.51125042634763 +0.869122680522677,9.183446933032423,8.018187894499036 +5.281945871060197,3.621071117005621,11.788055532447332 +3.9893734647073176,2.9303403107294934,9.449764999196542 +1.629724265061241,0.34658882471783725,4.594175694759528 +2.64408165061339,4.966117089386962,8.337944321057945 +6.667606187461937,7.3334650428920645,15.539355330415281 +5.956040806988914,1.160621566637119,11.497748249553599 +4.315485720400716,6.674056012669007,11.67143723305465 +7.431756970907931,3.245068283265764,14.93496095508513 +9.284413484690562,7.9538153331227415,19.913222884985696 +8.517309308360282,6.665449911701985,18.31796044376874 +4.137604761851406,9.341685112192078,12.833688233916162 +9.014452041653026,8.284753929749261,19.605003087209386 +8.911271286448084,9.166108012311245,20.009047856839793 +7.463572657266074,2.0033619077785847,14.171111861270766 +5.385472721535135,6.15993968790109,13.25548734116186 +7.733734529015678,4.951472296515948,16.220159672180202 +5.128711408814995,9.955650140847869,14.78080722126542 +4.522052424467095,1.3000983989599457,9.569569732359886 +7.096838043210827,3.6254166003796726,14.539723989784349 +2.485389469638981,6.284619672000752,8.815489020397749 +9.54367672154945,3.1280885511596015,17.993547027588033 +3.722712470803773,4.6549003753938365,9.981278951010028 +6.879944561600757,3.9594885258864023,14.237888314049835 +4.250897690471871,7.009053978286978,11.83178225296205 +9.851350870746385,3.1650406953025554,18.350365578430736 +5.853274758164143,7.94404188540422,14.863081036007703 +2.1212793986396328,8.183191442891841,9.2852077379272 +3.549306317949811,1.1102292990489704,7.878509221197223 +0.24902740387344524,0.33086844888482125,2.523060206039461 +7.97642381494782,6.749386252993443,17.303994085092597 +7.934901275052283,7.529478171902473,17.550699049302946 +3.8097533698942474,9.330185459069837,12.459245266018236 +8.779455767201464,3.4835163023750946,16.80920073907529 +7.729410103345416,8.196581841549296,17.699168606806055 +4.884643944192614,1.2041891657122228,9.888175252317044 +3.340568197891497,9.888112793002094,12.031542524727888 +7.159353752792312,7.747108789539795,16.578384520540613 +9.11924311548063,2.0276287568730647,16.59205479869759 +9.684040307259744,5.181420077583073,19.21570138895681 +7.44678529301382,3.182103279880862,14.678630482028389 +3.2940692436425687,3.595997285367054,8.754570534117342 +3.480588797578572,0.6250319670430182,7.660779243674379 +3.095743154041969,6.473807211960465,9.80750467927445 +9.019729440862168,0.41665338165192134,15.72756936933574 +0.16628355411263063,5.923991148391684,5.16830279898461 +6.996742944044905,6.082385377483513,15.54945206079261 +9.730433434073134,2.2886826858211897,17.733144910866695 +4.812447823715545,9.159019994604787,13.890221680298112 +6.174972760015613,5.771219650453398,14.08599702749754 +9.328416549468189,3.3890281071728023,17.814557379837098 +1.571758323546416,1.292308897989668,5.164258492981073 +8.218722949002576,8.569483895406794,18.638480842477637 +2.338783425831912,4.570713448830379,7.714517385334107 +5.8485173552640735,1.3903409928534727,11.463835639353707 +8.488106193311278,4.188782556235582,16.81406266512639 +8.634737539275426,7.600766552032469,18.92972625629538 +2.949542750244073,7.1657421632800355,9.996868205911056 +7.407050343885063,3.1126307635501727,14.805170640351948 +2.5373559007169835,8.234277875544976,9.93431795937309 +6.779330406984332,7.395732323373487,15.871444921800185 +3.130552534294675,7.221940236928144,10.271359179501014 +7.143065696289596,3.3327493129079344,14.354863969170397 +2.7046005181927657,4.313948532020328,8.302846563824422 +7.3909220174809995,1.93587476831514,13.981260169392034 +8.742624018355356,2.5527602208171163,16.48628989457493 +8.396337006370011,1.5580955929603135,15.51764064482716 +7.394406955469309,5.613949225385041,15.839402591515277 +6.614589874019016,9.741365961999733,16.91336498285939 +0.5255787867009387,1.491269730383471,3.638826831387437 +0.7908480230224069,5.1963695934768825,5.871377933292704 +8.028072437503436,0.5482479096779957,14.252626360893757 +7.7940668252738785,4.330558234194839,15.844438595647766 +9.414286529781364,3.826961199025086,18.02283342390617 +9.845979482434263,5.565215457140424,19.760644708971217 +9.899931772389078,6.318859518394659,20.00832112960789 +3.4633578409110797,8.034086850625576,11.193751259950124 +4.869601276591068,3.0880799765479114,10.733648362641635 +4.783354039853307,8.719125938796854,13.437408484073991 +7.3230738561135835,1.7376881669458566,13.785040047112444 +8.38597837180107,4.31418574075426,16.772194184405457 +0.8286849471391777,1.4717210553704996,3.836481987246591 +0.661637269812908,6.76587803532521,6.308807061095012 +2.575647346058033,0.9634900272148461,6.159117303502756 +3.6566965570893286,8.669661307582677,11.960065915399216 +6.287280563447788,4.862274393145248,13.872698838523965 +7.331946606750643,0.7589503937887121,13.408436279669118 +8.827717088462782,1.7773619131741003,16.021257925451938 +0.21381626485794003,3.6236040329893413,4.2486557307888155 +0.584473373940283,1.670788068270076,3.862410212999622 +7.389986223395536,4.047330813753172,15.115337004089803 +0.06898837793591239,6.437572406373499,5.274356736558269 +7.071111052214814,9.019634827195265,17.17170851231325 +1.5460261030250688,8.571657376911755,8.678347560530613 +7.0870794915196065,5.636227903823739,15.535766666876704 +2.6176998341248527,4.578427329671001,8.28215249572415 +1.9827053819282758,7.176944026380964,8.658929328279038 +7.035897992990517,1.9152991060532354,13.442232934698762 +2.526166971418504,9.011118297111295,10.386000346677346 +4.7168486000712315,5.511171926997704,11.785478739317403 +9.586253018281232,2.0702381113895516,17.1635056352836 +6.271302183482254,7.740149550396004,15.230729659794791 +3.19439671967803,3.088168020175824,8.2802887563371 +8.968193088565712,0.994059470240245,15.973423071163023 +1.5735564730011642,4.109551913806099,6.498909767938317 +7.983909668263896,4.549916000942639,16.270103720871166 +2.705659417110976,4.202950360882324,8.360828092231754 +4.454604419830462,7.270252096575806,12.264529325846182 +8.687500810501374,3.212510645088921,16.438735285159506 +7.0853960893080545,7.013883951648932,16.16283551541326 +7.669475554570128,5.752606371254716,16.32603130781899 +0.1469849830867742,6.558673357415497,5.391245661526282 +6.122975776449784,6.115194562185345,14.212307617712048 +2.81298579239147,0.9788543220400592,6.630564650562073 +1.8935258969070845,2.16205092547158,5.852835454994299 +1.7360950758572136,2.4453691519422693,5.979077570967924 +0.6869167935308751,2.6932582154517206,4.389436745851961 +9.978852268893313,5.113812234450953,19.498648396312028 +3.4442286049725155,7.2048722280679955,10.928540463355056 +4.694604558520235,0.29497962767882746,9.159848994340765 +5.473897111502191,3.0406657385538924,11.608165679378136 +5.711838994528508,1.7321801339741938,11.301202864001095 +4.8254985714343945,1.9364020206218324,10.198449262616862 +2.9881541003388987,6.8716474400378535,9.75382973225304 +2.2765275933238307,4.171373754035276,7.383232577139368 +0.7313858241771676,6.871622466654119,6.494764325442338 +5.389431872990481,8.137904323232032,14.266293816107975 +5.35075450485389,9.942137586339971,15.126381831683588 +2.4113187816856607,7.421064822594045,9.393475300211632 +4.323266545594936,3.759645176139567,10.364334829012579 +7.315293251718841,9.555570378196466,17.69368452472893 +7.555768591611372,3.3012274856964474,15.023102482157121 +5.098916506198075,2.171399800264102,10.91227124112571 +6.202388106170815,4.0258710053250715,13.33065936034489 +2.2813308686504827,0.21092704200882162,5.481259797055836 +9.2532430894659,0.7882083253450067,16.25820227301534 +3.29309412544202,1.9045367128819923,7.865240310720816 +4.941272761165843,1.9494484540472723,10.44150930684319 +7.3621103640359875,2.2481947290539295,14.090895550897816 +1.854566688280327,2.168852177931737,5.90689437196128 +2.97563312570483,6.418313860133761,9.72942277373392 +2.096283817759331,6.968502884239247,8.663081838824239 +4.301708844122334,1.9700857807356376,9.328981841451634 +2.4004451495104107,5.273338162025535,8.222389490823002 +3.786288838602255,5.1372334066033005,10.195370315598147 +8.125795891506286,0.45831377102185655,14.410465373474214 +3.9361063076419955,4.154427889583703,9.914712350165507 +2.5091715954403093,4.418792028899299,8.09748760508991 +5.666330897398639,5.849582078472862,13.442976166518706 +6.698333210348278,0.7676886950678352,12.269530381477864 +4.600075509056785,7.57612564721148,12.55520439816517 +4.550453217762607,6.564860352341393,12.228585721048322 +5.904488650949304,4.647189192855903,13.162320320845536 +0.7892854524346038,6.332249923070632,6.311072034600924 +5.345130045241106,0.056845748170029076,10.15897202280699 +2.068566945283888,0.6139957599448476,5.394696596146771 +5.702342601290055,0.15147951119022451,10.509740829028104 +8.42420951081169,9.474539990031829,19.260820207615556 +9.755789953540711,2.265844605637893,17.829358482056985 +4.951408554197183,8.911687748642724,14.085902850070426 +6.873350235332057,2.987460553669518,13.887712198391698 +8.33951883945378,5.739361898808774,17.340770310957993 +7.29984530729611,9.694094266532481,17.774143272742524 +9.97509348103772,5.048217628612956,19.49159663594979 +1.5661251912833762,6.195592025005572,7.24498695083354 +6.438534985047754,5.721448922651189,14.520873835430677 +4.220488505389143,5.815602400266328,11.296943045859487 +5.340403032753512,9.44692629223587,14.911361513647131 +8.376004326936282,3.936891209752038,16.64152557047809 +5.708665413056679,5.660528986752648,13.586255014450693 +5.107181833211709,0.580655475661721,10.119158669966719 +7.125944961700624,7.312706092799738,16.484739829627145 +4.841848163846667,9.015729663795419,13.773257219375147 +9.839221676063199,8.12912799207437,20.857882128287066 +9.27863063032565,4.875026786558111,18.188442215084667 +9.142412875275369,9.35026803022893,20.401788208588485 +6.235671027025814,1.5072112536501048,12.163728205551193 +1.523076747305837,4.7230584106184645,6.617808195957149 +7.355805076060844,5.013942085798236,15.386515059989277 +7.9984982239418105,7.69788431217136,18.004969733663362 +2.0360812220981996,1.327644735968312,5.758551187273296 +7.058345307266549,3.2038045067194156,14.361481238461307 +9.31396894152235,8.685077463989199,20.387709488024516 +4.512380517811425,5.805058244571044,11.807944222413976 +8.471039438195708,8.713691962129325,19.179714001646413 +5.569743324148822,9.719131532446642,15.146238548050555 +5.20968658238245,0.41107661166326137,9.969171115187022 +5.626951665321993,7.770069000246972,14.282624194682139 +9.849351530006832,1.0536857774407338,17.204234362745375 +4.405371966970435,5.86649876834704,11.717819292640815 +8.814635952967478,7.158899845200835,18.80563082267287 +2.312462671198736,8.593891841248674,9.811590742101743 +6.64243287957294,8.951569165830808,16.30633093935578 +8.343738752092635,1.2926248249215977,15.243778952149047 +9.604706370350286,4.542964249933615,18.637596351676752 +9.82552501432332,1.8700713858752571,17.799420356062573 +7.933180458135015,3.0489160075290056,15.3556875853159 +0.44805303345060055,9.94040425209049,7.775470469129256 +3.0353532043701503,0.8051925475471422,7.049712077322954 +8.604971862547512,4.320202983806168,17.020990302226846 +5.76452427539218,9.848436931486685,15.712788954487616 +4.8070907301835755,0.6709851293443814,9.661008789604411 +6.9118612898248575,7.105994935564226,15.969752596654562 +1.9420823627229111,5.454119185792047,7.540821397254347 +3.692209364831285,0.49921583738166797,7.867933200645791 +3.1160242609223685,9.095326069076414,11.228300430922392 +3.0024734533505737,2.2306313549190184,7.623960709017022 +9.409128484192486,3.8232682088893046,18.032709795445143 +9.405590556107963,8.802343665036654,20.506545562730146 +4.704645001246717,3.849616619579254,10.895213463749455 +1.3771795297987266,1.906164721524508,4.867315600546696 +2.3244318194135785,4.70353893857459,7.66624660966147 +3.721134374162889,8.003843249126156,11.61355743095777 +2.9667596013507715,4.245197006337347,8.33035664167612 +1.2270742353754016,2.712199742378872,5.269333507611774 +7.83020138768217,7.071004159420089,17.331420758257384 +4.022203665231325,5.774732030644171,10.890398870028442 +4.583336429130501,8.95220548726927,13.45376010901513 +3.946907514236936,7.2211448060343075,11.504926473676466 +2.185291433752239,4.34097117841732,7.490279418072143 +5.2933142195422525,1.0464679030048907,10.2673880853334 +5.874184757689007,5.746649893289495,13.460419875704828 +1.5875289201289566,9.986495119147943,9.351008175670922 +0.924932883088283,8.953034885142703,7.906202362168867 +4.915156466608926,2.227049611675025,10.581285607112582 +1.1279873186730294,6.994201130105262,7.171355392069105 +7.544504152521464,6.734406826237429,16.70861638531789 +4.198708721969933,1.7257369903382636,9.239555509211515 +7.895379029260965,8.712304710634182,18.186444934651963 +3.918709059063797,8.41217558425238,12.142877199470313 +6.3560023516809405,5.26978317667806,14.056014094409353 +6.106052958502764,1.0775092048228296,11.53219092340057 +1.253990188823103,7.2670386643561145,7.46111820058492 +9.699470895037976,5.078041414000879,19.165702100787623 +0.54000704715915,0.6807335571247575,3.079272856744456 +4.6736469836668935,6.57664536001321,12.363873907756803 +1.548766564384314,0.33034893488120054,4.385626765805625 +7.2946928308818295,1.4613151511985711,13.614445412828461 +4.3817998400890055,7.341361560881792,12.267584564772466 +1.2529498253409754,4.427531648596573,6.026448539746595 +1.1145512760562382,3.4750808751233153,5.359571656348047 +9.124332954520726,6.861332201197588,18.85632420530244 +0.23093142507831899,1.3447680913629267,3.1027058062189155 +2.9382056836780612,8.955491984223144,10.873194617708233 +7.470863392197864,6.174929558884999,16.19922712243544 +1.525947984063396,9.288746871592156,9.116555912929016 +8.081291468381167,2.394256890809001,15.240152284484628 +4.043258897657175,4.283837985673241,10.155253472901306 +5.87506373558973,3.7481039142505534,12.590469014657925 +2.1002652143236276,6.6698951959049975,8.595722495705859 +6.775550404695272,4.423855365795854,14.518632371604324 +4.866524791771047,0.5067017689950792,9.68652739936872 +4.560988390858716,8.003982533783873,12.975909926520252 +5.914824873096686,9.206990289618819,15.416001448557584 +7.165133649548961,7.776370487606176,16.803128589172317 +4.584156738072411,1.7344939508777935,9.723921575412716 +9.121850863982297,6.591964849983961,18.824495009033047 +9.094746124941652,6.1752245506690615,18.68708310558323 +4.5448094053508985,1.3473913145603833,9.5235050461731 +3.9770478764012154,5.9755348993502055,10.8888567399322 +9.30764268625362,8.293075853983003,20.122691701313546 +5.1314166838398005,4.479909073978878,11.990738550367801 +0.3327337784848994,3.511884102937893,4.296104055316925 +9.813177694239794,7.410253591056357,20.490406624370262 +5.247490544102091,8.622995762856243,14.164728853607313 +0.23055832609483629,9.576242210153021,7.0612302766351105 +6.9966873026931,0.13314147269006815,12.414584504819537 +7.055318086990701,0.8312784936912199,12.989815948428397 +6.395972693547711,3.0088563966878668,13.04466420516488 +2.1209223981637235,6.28081477037436,8.30994917788707 +4.340407734325046,0.6452301833069973,8.626167799854638 +8.223428748671909,2.661227367291039,15.513913267495605 +6.182102631607968,6.093606526496096,14.370955186785107 +0.5616115669595523,9.973165502364122,7.665451954665981 +4.476605428863214,2.0535663902435797,9.722687835233566 +4.3674768842337075,6.030619463638701,11.48344547972906 +0.030397805836501757,3.0013355813478046,3.456831705775579 +5.363302509574752,6.94476980024267,13.525869400403069 +3.133059605119536,4.039096531192849,8.721993699634112 +2.2122842920593024,2.9304032596850362,6.838255957610464 +6.87357427306985,3.372618581421847,13.886470176352582 +2.7961961737601615,2.9855992512521636,7.598648206016612 +6.126430420180711,5.608167934848379,14.106052648837924 +4.0690139144491635,6.323162940562744,11.242639121329583 +6.4279428799170795,0.13109563726653284,11.74405107744929 +3.3905951301659876,2.4428887849789236,8.257625049600309 +8.291215853386714,2.754360929019212,15.859528714949818 +3.1729609188435717,5.377874479064747,9.199503600603311 +5.4739929894572645,8.109735085268452,14.380997237721415 +3.8792828037863982,2.8116424212612534,9.179216648518297 +6.082433220995705,7.282810410468922,14.640162996830247 +9.925975075648727,6.1829881966303555,19.87420706716429 +4.907335745828723,1.3306801114937616,9.99998487275722 +9.869230848149078,6.84991815146954,20.217765806819447 +1.6501743617948728,4.596772905875325,6.787767346876708 +5.603023355897843,2.1687730702224597,11.369656323796375 +7.324814329898946,6.503375562897967,16.32602639538431 +2.33747354411923,9.897563706854468,10.402564729586825 +9.486685209720411,2.6552110963231366,17.500201978102982 +4.418121546099266,8.94787941580865,13.0784951829571 +4.062958432605246,9.54820516907971,12.934823384799587 +2.004075363753528,7.240222856300404,8.622834404345815 +5.995060671175652,3.461849365311612,12.66928132212254 +7.177925534869799,0.24210509517040069,12.855566486511673 +2.3086984934879706,2.6129552855620295,6.891440982868051 +1.1747040668925735,0.33961104436453504,4.037398776603966 +3.529475069797985,2.1827465998832363,8.42216982723915 +1.3286694955046197,1.5731074437314463,4.794418886114637 +8.26266468960828,0.9490287151940058,15.099872061773763 +7.248552262285245,0.539544201882578,13.188951949357547 +0.40632011513158206,4.422430336974355,4.838756392988837 +3.818530146685556,5.457485186513287,10.436329468848228 +7.026430761868,3.0981071611619324,14.12438044436755 +1.9440734886640487,8.221168111524632,8.722168960195091 +1.6530693650700246,7.984527374119089,8.574639290692762 +5.87146875675551,2.8936998328589327,12.126876142783656 +3.1425906401358317,3.706294612747195,8.49522538712521 +5.9107972779720255,9.796267807841486,15.624311568663176 +3.18273019017697,9.418679117082121,11.409793396117992 +2.0514685229945506,1.1295811733640126,5.607960829739736 +5.321137819814239,9.76480870708742,14.9530462018506 +4.848637948320228,7.999150601879059,13.401438693777271 +4.725463320167541,8.50001813041523,13.532314514381424 +8.127407597219971,6.861924998258741,17.632297662444795 +6.154105959438239,5.181428271504883,13.799966720655407 +9.567589050915394,5.5737984149486,19.2162395705966 +3.3713806173809546,8.822170863049728,11.382741974967395 +6.600348706293037,5.581730053126773,14.594803073751358 +6.8217057538495105,3.488721156763428,13.940197908530498 +4.208529892748438,1.955947599588026,9.287384495894333 +8.550208107335958,6.655920737031236,17.946586994494865 +8.242617353835444,3.1739056898575937,16.05757382280203 +9.954373098679023,3.5721017413306653,18.741617960769442 +3.53713027632807,9.60635459457832,12.188692469031748 +6.550648821908748,9.33442328402579,16.33613625996109 +6.231418862998845,2.4647480566331357,12.512995500133949 +3.9073650762511694,8.5891237420719,12.08403179758099 +4.8946192923979766,7.08979622931023,12.866552747061547 +1.665287659825283,3.9976860810000003,6.493418268695207 +8.394571840140744,9.410103377188257,19.38386808506338 +3.243006642619931,1.7257281836573923,7.73724998968456 +0.2342083872613021,1.2738445573397361,2.914097959049909 +8.356678949467103,4.556839516721913,17.032209554145194 +2.9162147700957455,7.756600616233515,10.22606555228263 +7.93445920925925,3.6216046323179,15.621809045636475 +9.013676440564005,4.631123331442202,17.647561156973403 +2.6123118092596966,8.997558913540184,10.426288147477539 +1.5295147784890106,9.959435192739457,9.343066502265472 +6.132522264631803,9.153474644025678,15.661523685924307 +1.7883580741446359,3.891112645429474,6.690592474479313 +8.73250932634735,8.371008839004821,19.292632516957013 +8.718511498407223,2.8045914995374686,16.302726093153847 +6.176180249138793,3.895985276576277,13.27483160227891 +3.207744034612915,5.20127603271882,9.385749048962321 +7.150529474613573,5.185178307956107,15.20577241132572 +2.304979079914532,8.07492633625541,9.59062191605074 +9.777886794600828,3.6287862247297276,18.575009823226416 +8.492528189584927,8.63862771774489,18.943327047141103 +2.6052124057145676,7.053071277872386,9.463699647056076 +9.384172017113023,7.398559413344642,19.795865124822672 +0.3002176358656461,6.045192319021862,5.466130606323318 +7.784514171504941,6.181365822222286,16.71588855010666 +0.28739844581413654,1.2016908344224153,3.01710084673976 +8.016222875906582,4.880533609529865,16.558451452885365 +9.579768754376012,4.149815892583653,18.485476171217933 +8.217082647918055,0.3549254083069553,14.310299891834639 +8.4101473023958,8.590577076779844,18.696163505898777 +3.6207582921296266,3.094520414632751,8.792686357361092 +9.099087775168735,7.777047243344743,19.401334002025376 +5.97948729013385,4.363449313859639,13.075438464359536 +9.120866183548543,7.472220978789559,19.37213951227403 +4.168359104793228,4.9672013303474305,10.729583305513097 +0.9843165534649656,8.107449990456653,7.5268159880279395 +8.417022751223733,3.556422409520932,16.398884724611932 +3.09653733918527,2.5223415428126303,8.020339804137258 +1.734587185527916,9.477851172875768,9.17313670930463 +7.590334870442501,4.334055009368878,15.58592545627979 +1.1017050912102067,1.394370883599031,4.382653015314788 +7.097884170243026,2.030810395196597,13.53596301661149 +3.47873965877291,9.570091264607886,12.056533575526087 +5.811979037065193,8.083472758356645,14.7969620995352 +1.0388133860516036,3.3038619232773825,5.205825783653173 +8.956070526746387,8.104630842591234,19.244651787425816 +7.234499840222513,5.874048685553932,15.885152553344826 +2.6894006383986415,5.854805522271636,8.984172408469403 +0.5075995854605642,2.0229419379053937,3.8132281756058646 +5.18265260589409,0.01977331014858419,9.444793265992123 +2.322268352470558,1.52248028675382,6.191490965794398 +3.4551278086248303,8.583532110131506,11.331088827200208 +9.474191007977812,1.6505840997939425,17.165920755636403 +2.3107461136194942,8.468772633847104,9.59000339775615 +1.726761940085182,7.413164441104536,8.444651763033761 +0.8547845868213244,6.483051007679832,6.618987324855268 +2.6570012255798425,7.49561234619054,9.755442985179183 +5.193732298684026,1.7889501892311144,10.79861248534625 +4.022290474096387,5.143528359229988,10.510758157821371 +9.959767688157164,4.803623944294438,19.264936965030408 +1.5123968075162941,5.552277910527767,7.136970359111116 +2.202125667370379,8.795656225266551,9.60703528121501 +8.340681668873968,1.2864712129265865,15.02167645206136 +5.883752971221734,6.96507232396131,14.276036002798724 +2.516644846279367,6.263751335895554,8.818628897398202 +4.626886060902397,4.820786953483776,11.537261118869939 +5.5129055293681635,5.701374491400635,13.19758142039478 +7.097980588888771,4.524278614251856,14.851511696568672 +7.226356087846357,4.859355695802471,15.169075299596633 +6.628164173285038,2.6310991158150587,13.291662267026908 +5.417014048225337,4.679957522407221,12.584254274041635 +3.021962928492589,0.6231200018367344,6.873595349382911 +5.101913972786861,0.09755061208099436,9.60654339598966 +3.8983025347787215,3.706549026588255,9.557058020310707 +6.337532521334028,9.874289361408003,16.405634465721086 +8.58001198865108,9.750838112108598,19.777022603464403 +9.509370843353452,0.741127417580596,16.58757150516978 +2.8194738411939166,2.9698758068996,7.814919948116528 +0.7102054547443637,8.466505764833101,7.351278346160359 +8.953293361763912,6.049739986704869,18.47854498307826 +8.909909269440446,7.143691638578681,18.987454550574753 +4.40553943145685,1.4986439595249323,9.218716286833713 +9.584966655537958,6.9227870053065015,19.789020475117432 +3.5418390896125507,1.2860026583166484,7.851735247196218 +7.9896976400558986,8.020149776933,18.03306007261051 +5.430091821782243,9.999570912800905,15.042422125561782 +3.864203046243545,9.420649496551833,12.514823048820585 +6.302620684545267,7.36422387335558,15.119591813382982 +9.170770510772469,8.311513765468426,19.97191185519605 +2.8866790207571515,8.672347287199514,10.546525127427334 +5.397087443844883,0.4482885136021786,10.364951543899329 +6.738179446059633,4.996976474209748,14.49880972267474 +5.366237902784024,4.115253388716643,12.010551555546565 +0.640852235314312,1.802133514710682,3.848085495546304 +7.56454601282506,2.3422876633204472,14.637395843217428 +6.277266930870937,5.418602633856673,14.041041552192915 +2.2139849297332894,2.805713034335766,6.546053245604125 +3.8356761749368973,8.8018639382344,12.059918787274231 +9.413061836193688,3.8675548137377893,18.014853968262734 +0.46150966118784553,6.008983681797949,5.8836609189000395 +4.175758039536822,4.92315298129534,10.764046637384352 +4.419504246988844,6.545735565496681,11.826799035485573 +3.0444011786696734,8.92631386747462,11.01563165951919 +4.2124934615720475,3.4166142001504385,10.184144142671304 +9.229449856698585,3.5814290796697756,17.61085172453544 +0.8307299899540077,1.55336063473134,3.999937774421937 +7.142949960099792,5.623255129054233,15.485508723795913 +5.346171405964269,0.8199110385329789,10.498819223913664 +1.640762053479683,3.9621446014844297,6.389675545612292 +4.480056865993126,3.7658216617755524,10.69022479000267 +5.027442494044414,7.335483696717353,13.315182663702355 +6.3570433551897,6.112854417771726,14.653341228605916 +5.577788172611614,2.009282655734931,11.348902899017727 +6.046364911287886,1.5845608189844729,11.72198090495279 +7.129148600631224,4.522875162132967,14.932763072936117 +5.814606152841834,8.627945905150776,14.969024917531964 +3.7309729195159056,0.9976246962267932,8.017369787276422 +8.913970061319592,3.6498378770761866,17.171937226896702 +4.0652352228436985,2.960234709793972,9.62589374076489 +4.201694908706278,5.209707619153709,10.845115151303343 +8.433112888998226,7.201602856236312,18.11298952972181 +5.132809115940699,7.6384681080908265,13.422573074034467 +8.477915194290558,0.5814858635524345,15.176650293413303 +5.922288399539734,0.4326815354751079,11.154647392487313 +3.081155012519088,7.624162691729435,10.338040454307748 +7.9128533098333715,8.838272110722752,18.417316448225062 +4.9823792346479,0.8413751754970045,9.870260500869378 +1.2678522794134206,2.443094740718087,5.351128373481689 +3.7218271109124634,5.265608256057151,10.241750015260706 +6.4593736174454595,1.6250350644720646,12.55812985349185 +1.8896854974193156,1.7298980915184636,5.783206135941953 +7.549370520245037,3.0208784780209585,14.983092773144746 +1.6671141566622805,4.313757216692301,6.613649241250444 +2.4751640144017015,3.6929906656878106,7.699196623222202 +8.24014022189522,3.3389665127431623,15.96731433346121 +1.7485939698566122,2.3245267455199836,5.749009740250666 +0.34357283968599717,9.01129329632614,7.021897998041025 +6.969676809816546,4.633609943900137,14.863363231998981 +5.608648221490262,2.540909810456713,11.65040601932485 +4.0368806122401635,3.19835617543496,9.819571141342534 +8.245433887925177,7.434253663436717,18.217922708797786 +2.8388049055722044,7.6224782791131,10.073406171841677 +0.9393361589960247,2.0256958333664423,4.3252468797050705 +1.0637929094645693,2.382463269118281,4.887032858439299 +2.2619387496464425,9.005545415569337,9.686117899473143 +3.273895382839249,3.5521797361914222,8.76106236307107 +0.997506252420588,0.6598244628182415,3.743789638546736 +2.193875532811508,1.3454613852323472,6.089170367039941 +3.446099766476196,1.860443629605939,7.960790080988504 +1.7817132596784235,6.475366827977042,7.844033856681207 +9.42105932371825,0.12481678219650738,16.23781178954407 +7.05556079909102,6.591976722018307,15.939490771568263 +5.850544543209474,6.922981298108345,14.17469755940535 +5.086994941913138,9.26917733421496,14.231868584816777 +1.5822489280015994,4.735514600508685,6.836394318399518 +6.530383829195918,9.086987495230623,16.43974905381318 +4.8743555686451545,9.769962533877246,14.161338491679967 +6.564828666503022,6.992125382825293,15.282592505309179 +8.182072220702992,7.339183040661153,17.805797898928276 +5.226269218028433,7.726170718795716,13.727852848251603 +0.3573295240225416,9.327672904145492,7.281093641686925 +8.23149864515237,6.37661175152402,17.55068946061002 +0.6875447203143858,2.949238483057658,4.4134366964150304 +2.536281877061305,2.570249823252527,7.268199714776013 +6.721023379507535,8.761383738924414,16.251886562198138 +6.816302485708398,3.887597353568326,14.25607504980926 +9.692364210291764,8.625823565461832,20.873129284141847 +6.854184093700361,3.974656488918935,14.315472264754685 +6.838274411528536,4.079951130520247,14.218704226494983 +1.5518700466484248,6.188347045911311,7.406736965006548 +6.981022852307595,3.4930372587197125,14.247387961782884 +9.293078173401694,8.542595613618365,20.202333100959166 +5.828525423770101,0.6023576065947911,10.864590664295124 +0.172158373242568,6.398862823291416,5.62891908852007 +8.13805880130889,5.003528334511222,16.77387212320408 +0.23487928169422467,1.4482888171412933,3.0799226234955115 +2.112449258672615,6.277557337178708,8.317361619139705 +4.8605952593335235,1.0220679259885768,9.970300654762756 +5.016744045509585,8.694928233577937,13.798307308784969 +4.391150065497018,1.4976239924459755,9.238713825533896 +5.780078944568322,9.293859448982847,15.402055843882238 +1.1591044425588615,1.564077482091144,4.566964426263915 +5.668427112344434,3.3999671804658895,12.101635747833514 +8.955606112616595,7.127638968908626,19.106096928011194 +1.4708780618086337,8.707183867127181,8.589404818584327 +6.42292041769435,4.9363433845728775,14.012756524129996 +2.565464424346906,6.497106079132287,9.145782063795108 +8.984858340112217,0.3847625729613391,15.703738123387414 +3.7515000421206524,9.356595121872973,12.29674315312706 +3.8290944584367104,0.35870301694266415,7.961424276821418 +1.0144412392664826,6.907600345794234,7.038081095299567 +7.001205101459526,1.150450385906835,13.168452021060592 +2.1921601053551587,5.638729386748196,8.118334388318166 +6.865329847841087,1.5679024564762056,13.054884467944396 +4.5638234184101485,5.620351984781254,11.679817218931051 +0.49703534017622397,2.2375649099720105,3.9834233978818787 +9.188957375530391,8.799815531315147,20.246337062207196 +3.2248311640560368,8.679770804948465,11.14445939254031 +6.325519989141065,9.8162217348456,16.401956124305233 +9.662189468838475,6.169377996806558,19.744539176938396 +4.678394313142671,1.4228080243870678,9.80392470668189 +5.30350699890907,3.98298675929454,11.961935067695679 +6.456068905754083,0.894908763731117,12.245595578236577 +8.349177603407856,9.671144916190084,19.305029838879268 +2.0936272041257977,6.327836469032324,8.337249619164144 +8.019384321624392,5.544092857895081,16.988685079982957 +9.354369015368734,5.1186658080373615,18.65624136238027 +2.705473918003772,4.716001930809426,8.578296878513827 +4.878662551312126,2.5371146591063387,10.578175201996176 +7.869527912731887,6.177466155148025,16.845404625644523 +3.7036845770523383,4.216562280151427,9.7798297773174 +3.717011185883937,4.478985376884355,9.632177786405155 +5.2809456046100856,3.3092697216356006,11.594072288325163 +8.181567744020935,9.28367128173414,19.01727489205998 +5.228002994620783,7.113627939039896,13.455069655122463 +9.305391806766831,1.9193951809232845,16.707535275573132 +1.8972253852469656,0.7261102994632507,5.074293721552266 +4.421029924697406,3.3114746358809577,10.27584371696373 +5.605340524585767,4.510686939731892,12.71084082802231 +1.901939078088296,3.911803148674103,6.860223200277483 +0.2889683542699595,5.373847562287169,5.119759924482343 +2.7106014808587098,1.1235883461712504,6.700720393228761 +0.6585686395020329,7.144489073433467,6.60378700627869 +2.473405173987339,6.58796976173205,8.991231582141353 +8.155085148840787,4.999857492141658,16.78631649389738 +1.3305265477622774,6.145478675485631,7.003782432804821 +0.7160751415110234,8.171435317647585,7.22351246830376 +7.615402139262141,4.020833882580705,15.348829882742196 +2.6909525699829784,7.095544537614668,9.632945764969257 +5.672098089357668,1.4509216242931466,11.279893488532295 +7.5918707333637645,3.3397517189431305,15.027794574700236 +8.938474925790578,8.29468365041426,19.618549234057284 +2.758131801000369,2.55253738869175,7.567736223519064 +3.9788950741509987,8.0448316743763,11.888756999472546 +1.3065406315845896,3.160510411939831,5.6354859396778165 +6.59107943916524,0.3349055631157771,12.162721284103249 +0.5590015459348951,7.621710976427073,6.628631837246607 +5.223428814620047,5.576023259469379,12.703245013546228 +2.488639693971575,5.317835491806736,8.36642002528558 +5.450056839714045,4.137714024869583,12.369562568563286 +9.644232583531961,0.49264015116802895,16.438773829147483 +4.149280442567452,8.574866533934934,12.655842847211089 +2.062697753246626,9.349974781080927,9.657806204121819 +4.254908196688398,1.5659897464382277,9.174354163237034 +0.9309958761767967,3.2706958222753926,4.950446692126848 +9.197239368084611,9.390956122822159,20.640988133896144 +5.632644810315444,1.1819031588830187,11.01701293975478 +4.565924689064547,4.177596922413165,10.883475059196979 +2.31067967468206,0.7603233365166906,5.9581990442864186 +3.815738075800147,3.7185511302055865,9.656096394563336 +7.039796989159423,3.94226453698334,14.497464277577647 +0.1313375644237258,0.20018688329067835,2.1979808667613283 +6.875154685630349,6.607857685223145,15.504036411540449 +1.603523844372664,8.662250572224071,8.863917971121309 +6.626227380676245,1.5405501902709196,12.751509137078619 +2.876129145689749,9.736628342386354,11.199848961828405 +4.077464197894193,2.3677213060574154,9.349279942673622 +5.241303599137068,2.0555173285819928,10.694848622549465 +7.917168979269117,7.943022843731843,17.814812298047258 +8.008431847482852,6.1726937393077455,17.06919777158396 +6.940448929928918,3.2140333087753294,14.115828675533956 +8.788879414758693,1.441617115860131,15.757218611151751 +2.544871352963467,9.926869607245195,10.886106743256594 +9.603967140054664,5.076206386418784,19.123496187536617 +4.9910773468666285,1.16820378704231,9.898808829523862 +6.596500001742564,0.3103245754112427,12.051577621728267 +3.1434645924479554,4.183905508511526,8.857083806201 +8.939852556151783,9.684526631278706,20.33934800195425 +9.739980470021514,7.988370063071755,20.387702581552194 +2.899971348681883,0.4535073615897667,6.610472412892266 +4.256176652437174,2.973962677693139,9.849372068525904 +6.551900530222545,3.7105835708842294,13.654814964023865 +8.907559569038906,3.7403300808513307,17.43840977649435 +3.779961748750961,7.5911871513445135,11.443980215230235 +5.9002690811480125,2.5528843066938878,12.1718313419604 +6.766895624035284,5.629937130930745,14.95327884464156 +1.0405943260520334,4.672638385551413,5.921333433833573 +9.187040709802151,2.117935238915191,16.89479241002567 +4.146172275887496,2.7594977730611294,9.688341256812457 +5.3692030343026875,9.751129491617053,14.851672180575193 +3.0985425509377498,8.328352121596756,10.827252524334288 +8.38295872055577,2.5941563356624933,15.890312486509753 +7.7260665441913705,9.881219500096805,18.364905498837334 +9.540210656785383,6.057404250060699,19.24365184887781 +1.5173916973476442,1.1934188356321151,4.961889317284139 +2.6682103235620778,6.013129691643616,8.962717322633056 +3.862255780183247,6.990209342686651,11.549688604774047 +7.877783902475825,1.8042163848951998,14.815091076341576 +9.052941099371225,0.6057303441092388,15.927461633371928 +2.649281814802127,8.148000679242763,10.19896275769347 +1.8373221798871375,2.201376246654717,5.933943719974154 +9.756563621754976,9.123643377405461,21.21509013435141 +8.127593380735346,1.7380108496642055,14.918978933417657 +2.551382586047163,2.351677087332764,7.0694461674673805 +1.8912433882770086,9.704465095435028,9.828768997132753 +1.6602817188024643,7.467131741212956,8.164701338044718 +0.5101476647706893,5.438063855161558,5.301650904971304 +0.7084993155902575,0.6175353258437599,3.2645879097177786 +2.3023249383443534,9.256033930982158,10.257407693143755 +6.38830167291637,6.514015040204945,14.847479962930878 +2.9765568744737827,7.236164740654049,10.228894486246531 +6.81552496025509,4.61685440080537,14.533619110573307 +6.826054048440313,8.671354396548633,16.525106008529594 +9.603806929927316,9.965939040123603,21.602139369819444 +4.883121572911109,0.3275314962405407,9.451286310362697 +2.291781509567268,1.9684893887181631,6.397010043432867 +3.005387500873611,3.6050216244773137,8.356652598187068 +6.686772687250149,5.256889592831843,14.629593831532263 +6.497445836087672,9.718395455344082,16.683183596549227 +0.4907195425547195,0.14398680574380873,2.852666227821408 +6.655054410610166,5.462537650398228,14.762403105361669 +4.827491630543182,8.533275142819681,13.44621064830435 +1.588757522205071,5.73619368007409,7.084993162739498 +9.319271562111245,4.458535244618073,18.124956185176732 +5.799157067591175,0.6999935469194973,10.974332061372312 +3.4918305622890378,0.4139830709892278,7.474000548559063 +5.72376323152673,5.904741446776414,13.4565072620051 +9.508403284518856,6.384060232904924,19.30810512051884 +0.02982965645736635,8.332343961389324,6.096256993774151 +3.2965628129808633,7.142716932956717,10.5549643191167 +2.640285261077333,7.6022482539702825,9.830293842524066 +9.274906730059357,0.793190527371127,16.25829142172418 +5.443619521671069,5.404020183392023,12.82743221261007 +2.864377223057486,3.4167435889324604,8.066335277314513 +6.761607680221033,2.92611078834643,13.62201568319666 +0.30627206835934895,7.691862012248887,6.423946317101285 +6.251929102742752,2.5045483547500744,12.61440184016746 +9.615409924065071,8.984280298136806,20.832111222615662 +9.643758570637438,5.122363289412974,19.1354606081085 +2.3516648899343693,1.7382917747025572,6.365513749002434 +9.48523518347654,8.90828602706812,20.603120643258865 +7.409374174038676,5.105148327671585,15.755916948033404 +3.844075560472071,7.03445121371761,11.428263704814107 +0.09528906929563652,5.2427761022944255,4.782646252946945 +6.786597659708886,7.537599840482704,15.84826797968639 +4.5108114118842435,7.451391834824194,12.645391275396825 +0.9584170005378123,2.3327464745294124,4.641670785798452 +1.446127193569674,3.3983793403102225,5.890354175314816 +3.4419302585782043,3.7393966334715256,8.992196502063708 +4.658248915320272,4.363337354769218,11.282024718057448 +4.9047193099862705,7.525966645043195,13.00921571662001 +1.420167390314192,3.5070657520050386,5.7634112222062095 +0.0013504205501790878,0.28229189861260884,2.3326223042711547 +6.064209482825827,8.760015516006446,15.390079621827226 +3.059097120924994,4.0189554464018595,8.694091684942569 +2.0987641817745226,1.4279966929963595,5.999988249502101 +8.840981981885626,5.72120013034005,18.143089407651313 +7.048747830502878,8.818914704965206,16.89447731649538 +5.883932802924987,1.8028415070205595,11.790297739611994 +7.1331682464035655,7.4780605005523535,16.577960104497837 +4.139485727736355,6.168140266354177,11.327547135670779 +4.845498338816414,3.329994176311195,10.85859922910484 +6.724161169608312,2.474523988729974,13.35411052190113 +3.274708004692959,4.056887503475871,8.802043169978779 +6.146202536413909,8.522040869885862,15.382957744099693 +6.1491662687934205,7.260813574697035,14.82829202179298 +2.9265729611885503,5.874150571827144,9.33308708729515 +1.0385176943375163,4.6327200079534245,5.753933408674637 +6.898788361508782,1.7972252161914248,13.27176874542648 +9.020970792734017,4.171926860217959,17.669585455143785 +6.711418656568374,4.698944980859654,14.395128031090874 +7.322581685528704,5.843032414132013,15.689568763297775 +1.2257245262918814,9.24714471736391,8.472604665468285 +6.600606448874876,4.720723488515322,14.442757428823699 +6.766048625569697,2.608959574640506,13.499325042530952 +7.689608884371682,4.1122540852959,15.592102737178736 +8.050340147065643,2.7405318564711134,15.408531168278454 +7.902799689454302,9.066917669422779,18.445370146923388 +9.808207756445052,7.7670998715967485,20.61670579292267 +7.0401322147579,5.199419680092364,15.2306393595143 +1.0573428794920126,5.598539007417025,6.275650310822178 +5.632530209641455,0.6473386088166655,10.784598197891457 +6.906262193658565,1.4894243809628205,13.057985912606366 +5.96611922652806,4.72633231443515,13.349504471887759 +8.750542623198713,2.3224444047425963,16.09247878064748 +1.712070291568465,5.5117111380226556,7.284687901791605 +4.602429318999887,1.6129755876645302,9.76437685192006 +6.137121819014334,9.058173585342978,15.805142009936894 +7.402538387093505,2.095570293494642,14.14854378168282 +2.3840615367119,5.575612325070099,8.147857689764944 +6.7751713980856065,9.789954318854356,17.121868295766447 +1.0481979131284092,5.463449249347763,6.462435586222341 +9.873743493918601,1.1089678683410298,17.281220802605034 +9.725686499767228,4.621779362758398,18.856832091355958 +7.173896604459038,4.252714875952615,14.967856397706395 +8.410441129586484,9.085178895200434,19.241575890638188 +1.6666518408437714,7.472423576095184,8.345893044066356 +0.20739528900432735,2.7686014231018974,3.796857028896146 +5.523425102425302,6.032050433828288,13.147941721020278 +3.6526645041562067,2.704381849229056,8.783249451820902 +1.7165015947141982,2.3971266676942884,5.835959541665418 +1.3022706998737366,2.6116605348524646,5.250619611593864 +8.21279325323823,2.8752227629068483,15.79339043066084 +9.076889440507154,2.4522911670681555,16.828437441119686 +4.919638914714221,1.675699005540554,10.17372325508736 +0.17094681955170055,6.2554023654054,5.359934117703319 +3.3776580577723267,3.4507508295979594,8.679679890776669 +4.077521259147718,7.777596170642562,11.93273377002732 +3.9974158405191496,0.8640675334769321,8.421463885734056 +2.7875359925262035,5.7612921262214325,9.057075072935687 +9.934869048718982,1.4314698868263076,17.674794610350574 +3.23451596694822,4.855932927958207,9.25122353575829 +9.446436264444095,1.0842194386214954,16.87934123071711 +7.938219523110482,7.2295467677261165,17.645095180696785 +3.064378796453351,7.73753659009039,10.415100116012864 +5.748738577977054,1.7136022372557602,11.499690145699116 +2.8573971325346017,3.2834030202470688,8.049081402463901 +3.230294026882299,7.463653811774061,10.513197481539452 +6.602948371666402,8.1985515606343,15.928924442547572 +5.10795840080311,3.505316568577561,11.544530967651637 +0.6775126718139679,7.943924172572176,7.057369007996 +0.7476899409542748,3.014645788756881,4.736238282793846 +6.688836501557658,7.641703142252281,15.885649465601864 +0.6851277484362484,6.076176839441306,6.040291086268002 +1.371389107626897,7.572399643969287,7.709094759003486 +7.298528372467983,7.4805756905527785,16.70176580917751 +0.6375757285789918,5.594252803279586,5.876699320159233 +2.408496150288845,4.958079382518878,8.216164260892903 +9.894113308848194,0.9047291603486673,17.40061017648674 +5.940520228477385,1.6499953210127805,11.814500275858597 +5.100509213043132,5.2090014566032945,12.47637146224852 +4.56225678726848,6.396155149429257,11.886290513996935 +9.741929465663318,8.052187020917634,20.662082042714957 +9.585236568564698,1.894529681725362,17.231443052115775 +9.93229362224599,3.051637704015148,18.579503299407193 +0.34165672363614785,4.3623609467247135,4.6384026821522975 +2.461970286407978,7.621205405058044,9.604408355036828 +0.8694130420285084,5.4800320695585745,5.999201751611815 +2.8939667252756864,2.0673315821998406,7.416642400108248 +8.75638680995915,5.1550523840955185,17.7012547141318 +3.254445730681365,7.461178960640389,10.610879595969548 +8.531904889981364,4.420878393817372,17.041659641921544 +1.8212404517221858,9.943377595360003,9.795500247439723 +3.5897623901570297,2.0550436837671606,8.401233889031074 +1.0330908506521885,1.238539361413743,4.258042150254421 +9.430426908083845,9.466604045795235,20.982725764970944 +5.079329975220271,6.921352720905647,13.037960582087138 +8.32641543942649,5.574545816739455,17.465415302832476 +6.669812397779547,9.669739351715608,16.91410634137003 +1.7253625008500517,1.3878353102509566,5.238819752283211 +7.5303176686893,7.033284224539696,16.873520941420306 +1.8595221602017353,3.0241481518332103,6.405199878789986 +6.852550641568433,4.943652964213267,14.809620357027436 +8.934751391257507,8.371546988965704,19.60808785735935 +4.871197659641141,6.668644646655255,12.295981771743943 +6.434610611814499,0.9207865359245881,12.015573683074994 +4.2559186376881595,4.398812682494498,10.651143887789031 +8.973672501493926,8.852807233578584,19.788189466785074 +0.5763547001759695,8.45168980627076,7.141763338877778 +6.116824730863813,0.1622596718651259,11.344840441581647 +3.816523478750571,8.880904556191442,12.153976106716094 +3.5823359901657623,6.764465336205184,10.579270004096568 +5.656634069504686,5.898601002777736,13.360576407602766 +4.80800326703683,4.8234186574968625,11.69219183820661 +9.026454454248109,4.138161794431498,17.73445874231901 +1.9141227150920437,4.197306275292673,6.761673788035687 +7.329127109494125,4.7524215517378465,15.37798252689737 +7.320966846050432,2.397838475192975,14.033619409432161 +5.827611801042332,8.643255866784049,15.072090638122134 +5.292995333302501,6.368192432840189,13.107886925332647 +6.788069071829602,7.396795646895025,16.11654048757663 +3.5028962024994237,6.268467080243797,10.334698434073125 +4.161684754920047,3.909587885303708,10.302200522915077 +4.752015711614158,4.0781446340242224,11.26799156357616 +0.2586860797423651,7.419950763377208,6.07851555635823 +5.843386298818201,1.3757976435639774,11.464863226856304 +2.6130797681593263,6.110346463560133,8.974840575309074 +5.180168531629205,7.234213310565707,13.31298331808162 +4.892319413594502,8.446359768733481,13.478631631277889 +0.7745502132742632,6.1318831338052595,6.186783593485064 +3.7155050901740463,3.0684281054963716,8.993630991405233 +9.4364187143598,8.638074991519687,20.423626519688632 +1.8371602913679452,0.5743701509047083,5.023378867035981 +8.672549058211024,1.6929697711695035,15.87149039164026 +9.282500399669763,2.7731985361090903,17.354718255312214 +4.116538709601551,0.4498392287279329,8.380093916164792 +5.375313732002118,1.8873597261988784,10.929741946375561 +4.31075988380106,9.19405710026515,13.105724165660925 +2.5257274992462664,6.349188772344233,9.0422823235477 +2.0198965465453202,6.098467456866273,8.030492571344846 +2.8915423198133663,6.815635770250804,9.646869323443433 +7.706225538685194,8.806761648773788,17.918092640889085 +9.185951197537111,2.413019046326318,16.96727953893431 +1.2899377613731533,0.4851718835596741,4.291999291143619 +7.203578672148815,1.8689233090521462,13.809207889558195 +8.001665355191346,9.64818154184818,18.826260830757764 +1.4796454041617413,2.833307961464979,5.826191178471541 +5.240647024701306,4.305492219209651,12.010238391161499 +4.2594163376431835,2.171055922420182,9.616030191259354 +8.892150250717293,6.815893077126029,18.868298204728156 +1.5386828935612173,0.04439039480433116,4.445283726853483 +7.626829481589051,0.15857620320522625,13.551648477243294 +8.804166010945071,5.294264585482985,17.865056970759035 +9.300857026247007,7.718565279037392,19.811083447557728 +8.943436023603429,7.438177106174239,19.21925828568348 +5.76616955322523,1.7306027251434075,11.435623992910804 +7.276465203305581,5.923074738609771,15.849939660222198 +4.54658331736815,5.585912900592725,11.779527925718746 +2.3225638917168068,4.044272287292764,7.568320776287369 +1.2419763203351042,4.097696314242608,6.007223782444882 +4.669324551263404,8.577720876344571,13.170731928569632 +5.271798299190267,9.088685444571487,14.408835492336667 +9.679178473994668,0.48987623963314353,16.79708907755624 +5.971434533176183,2.992336812794977,12.449172737109071 +8.513256192594366,4.940779682110971,17.117738962204967 +0.7808519998126828,2.1500662963158956,4.322286710441681 +6.738881684280283,0.7961508991011457,12.61414082174336 +3.7907839731060067,8.716218660219226,12.015750250333255 +0.29201411680843004,6.962003708211749,5.998596188670342 +6.754841729040956,3.2073695127547586,13.938856612009356 +1.1271667356408543,1.024072692716218,4.355319109125734 +9.69228048209102,6.769162881770554,19.898942916015447 +3.759912191092356,8.335454435332942,11.697243142621804 +1.0333620513771213,1.26927885854202,4.207698315400267 +1.9756297378890042,7.635624017683317,9.01595383771881 +4.088957097020839,6.425762962041168,11.480122408079076 +2.3245112750014894,7.772982794513146,9.372648467590151 +8.016652289201161,4.132578921290534,16.24749251859134 +2.0928215392452754,6.30050275853552,8.406354689275183 +2.5613538112421175,1.482931785480286,6.393553128599782 +6.157975641767211,5.1290879215152065,13.907670792031958 +7.834571958778959,2.9230949810650197,15.22528154209035 +2.253024183994424,6.405228850513874,8.495492467896241 +7.010601506187497,4.133635121276341,14.591845009765205 +4.423597667560459,1.235449860263499,9.294548373758003 +4.694191124196886,9.613280151886675,13.768515053832724 +1.1369782873984169,5.679679597219131,6.53331750090241 +0.18390891224538297,3.253739638170887,3.8696538931918627 +7.61144338139195,5.671612650260006,16.332496998997065 +0.8113232853259245,4.518313803150608,5.446002908808154 +0.7907581562278676,3.735294610513905,4.8837919312142875 +7.689544049111844,2.5824965663415336,14.780814386073152 +4.533893383745369,5.003391694693802,11.207901370039002 +8.532758119398373,1.2150336058794098,15.277251816290544 +5.504185482232496,0.30789987938643293,10.528264746678234 +0.933370746102804,2.2072289545616908,4.584027038552813 +7.197142733250721,0.41108817446308454,12.904564390693183 +9.45069115862066,4.276678276369159,18.18743788072234 +8.386519404094276,2.2187573655604043,15.678893111493258 +3.3781070481926276,7.270158267815194,10.569892515937552 +3.791971794004004,5.074878958358018,10.201187322014702 +8.092522312773053,6.510951534499822,17.401310705681624 +8.358760260701194,0.8648624225123369,15.001020236867431 +6.080703776507655,6.012043127044562,14.161090794654093 +6.070985344953499,5.888102136927685,13.972455420537608 +7.2383805698269335,8.44036381717695,17.08480876223389 +2.295979141478206,1.0456382179683443,6.094842789014929 +0.7397534477922185,1.5842795579217772,3.692059458025478 +6.559527309732104,4.164983636896984,13.954352413740715 +3.4948963701265656,9.09950975542311,11.674267581261173 +9.001758790394554,5.388915531432598,18.337485324941404 +4.585004537961308,2.7044071647693912,10.311411299215543 +4.599020440000849,4.109191636246049,11.031641199732663 +0.06951838762945917,7.58576650728263,5.811822601258595 +4.38573290357059,2.2284930240220557,9.719228583057017 +6.662616773127952,4.476683254661772,14.269784715784896 +3.1373004328227605,2.3081074529414503,7.6228847647337075 +0.5914166721877911,5.030221006475522,5.416886494094108 +3.754442452516571,0.4032918880836922,7.894636526942766 +8.124066301480276,8.082842637995395,18.086115362587314 +4.90025571859432,8.389004047234152,13.605083962564008 +4.810055327727215,1.6890276760547385,10.069561921473326 +5.175981774295886,3.1256695943302204,11.464934285278087 +4.523646084654354,9.706698972449413,13.597508597059745 +3.555308713234097,2.158898507527238,8.430177086998304 +1.2855154633365684,8.839277032445828,8.38203858778164 +0.14938397316403673,9.074537250298716,6.480589565269846 +0.617720242049774,7.5265935817494825,6.654419507151621 +2.936509507660885,2.499074075098897,7.6629310303837865 +1.7993539313202644,1.3451516636787564,5.135956515674465 +0.6623467475633982,1.5504459629470158,3.8361646359735784 +5.884773192012508,5.696786112846742,13.684139789652665 +2.8107469259467743,6.798818704678672,9.623552472616312 +7.696290236599684,9.801749459515243,18.51742907329827 +4.397693166787336,3.7458906443881466,10.428401352878144 +9.731748598601499,9.421525470187781,21.312717343142385 +9.269478561429034,6.087857505609557,19.034655272866136 +6.177317865909275,9.27980194778971,15.911425284251413 +4.798190727498048,2.134752924051414,10.0802842189407 +9.852587225971718,8.420697281293604,20.994385537233022 +0.5605379121745979,1.1246502653247226,3.409525552076683 +8.821175076099886,3.010866770867385,16.827253529823704 +6.963857915347341,1.1782188278625405,13.000572846673412 +1.7053367231849992,7.473667086681287,8.197042088524517 +9.79291687016325,5.021988004066943,19.102900050907223 +0.42916131478336506,2.3431702169858983,3.9595885297555653 +2.127009590349603,9.352722049441107,9.895800936078313 +4.191499912262878,9.47672803025135,13.164767404318651 +8.59584610757451,4.508064053934434,17.301426332441373 +0.248600423104679,9.72950519011735,7.1632988603695145 +0.10071432496234545,8.561296716900385,6.349723489699551 +4.132318334290483,3.0130893488788857,9.692253388991984 +4.0830061006485785,3.5690943685461063,9.970496583139193 +6.891192621089085,5.727231348392804,15.060247967395634 +2.5690485312867573,5.27501149633936,8.536568431487607 +4.049500893811066,9.206462559217867,12.717907403801084 +8.923780367810549,6.1734591026980326,18.359859301191833 +9.653678096578695,3.7512704811018818,18.247118552700297 +0.8797027599382479,0.4765230386150865,3.6022654402762098 +8.33445234392006,3.834906226075531,16.62643298524035 +8.602737888398567,4.587351898885439,17.168296630220016 +0.11173603200106963,5.286484062691405,4.843821004909023 +5.945461873811996,4.515088755285344,13.115236630485965 +8.38034278705194,6.440081587340291,17.814203795181374 +3.6473923633451975,7.190023880369281,11.003562277909916 +3.1961343692030217,8.385476353408736,10.961046077244605 +2.801037046715166,6.666110787636046,9.77952206825361 +4.150920424672336,1.0118327594656584,8.743004225676334 +6.297047642140985,3.830538057844064,13.20442319772472 +6.342633980088629,5.399035799116874,14.27775332014195 +0.41595124893779256,2.0497828334174084,3.761751226484266 +7.0042108267938,4.676558366632191,14.912145545601796 +4.664694113234244,0.023986001913645083,8.991356863319899 +3.0279819729393687,6.694659632043591,9.797566846344852 +8.86988088999663,5.740070650405987,18.085579018362306 +5.406453082809564,4.703147638490268,12.442279673626286 +6.784811238898159,7.9813116205688805,16.131190822737786 +2.206837174153722,7.139764169307188,8.824315873116005 +2.43854801255871,0.3179229969678765,5.938315236109224 +0.7467988019100957,0.4654153059819277,3.445022587421993 +2.801735563093354,1.2717330077582778,6.965169229409139 +0.8520404596587605,1.4758719081210547,3.937159607436513 +0.38198302274020546,3.435516543176349,4.198653016591265 +8.228160087989338,5.537785834776362,17.11887125479834 +0.6496661978273588,3.7492328020595576,4.890613611435373 +4.298346822260138,1.724114368826134,9.316729133031588 +3.7301187788603096,3.367550321837147,9.313637905050951 +4.93808351636752,6.972921568436483,13.052091489180894 +4.788369558855691,0.7395405114053433,9.530485672415265 +0.5522870589016149,8.879594310665924,7.3489415148377475 +6.947640634116726,6.5717925719768235,15.75915376392382 +9.132012771869405,5.415058641438435,18.415080623897925 +0.7372331281340994,7.1438472140267635,6.753876950300245 +1.6227227137325584,6.661945232517502,7.688261226181056 +4.00707677859037,0.2822580910758876,8.054836841762816 +0.5552956186023339,3.9263389365669865,4.839399904569229 +5.945431292563073,1.7089721227634425,11.608830305238495 +1.0674988213579517,3.7623042208141975,5.533554516593823 +8.041807285299887,7.840055183467136,17.86992180759237 +6.841401293327246,4.253568120084545,14.540678938681774 +4.419376004177273,2.259438630673621,9.71915675764132 +1.3714250093915026,0.15840790796956772,4.281664579860638 +8.601500411540478,4.961846113114965,17.36209181503766 +0.03042982624871793,5.291734048329845,4.666157779766178 +2.5832390257696494,4.273626461142635,8.098263505178286 +6.724110600527531,8.097442254422942,16.164183765591467 +7.004817974020016,8.962986382104765,16.98205004855028 +2.3474614121958712,6.613851460624768,8.787707500380597 +8.898312706569863,3.084999143974599,16.850514260414716 +7.994516049472776,9.402155699387425,18.92860564722071 +6.4387688073932035,1.642645618451548,12.311946533317059 +2.6086017109885073,6.79980246377564,9.192550754438518 +8.66175415044932,0.23756688269477966,15.22910316355464 +3.263313696697814,2.335699383724712,8.173006738352852 +4.22061017477132,7.684777848676511,12.081054145696347 +5.028055030582487,5.182907279179014,11.958293863122524 +6.090259403981422,5.156737270849425,13.840990513390567 +6.882613401295826,1.0703735355228738,12.754427238745185 +0.22801151185709578,8.267899093225143,6.426855960687061 +4.789079039127218,2.9847379263254403,10.685599575355832 +4.543051591896341,6.5009157234871715,11.957774510084425 +1.2170289106024468,5.236115011853198,6.536044226147836 +1.1070814707459775,8.59569360341487,7.960562181201481 +5.623839093805848,8.108596195352822,14.401853267471319 +7.210054221900329,8.152556145352909,16.81196704463778 +3.4180740314357747,1.394625825924325,7.954121787974678 +8.91604820391385,8.846395661035633,19.76939475540978 +8.83272851784043,9.892717516063975,20.25689867922532 +5.961674995318862,5.124965327104764,13.503996771516722 +7.973309730994749,1.1013451762064985,14.33518246712264 +7.83047065508204,8.122258258554272,17.881519515218855 +5.771920058884485,3.8791980849303984,12.704863988971924 +6.562270650485096,9.15017684597958,16.60273753353779 +1.5796434861242348,3.11102791148968,5.7349215084352965 +6.714204510638754,8.332170956268293,15.921546918706017 +6.520690688190834,5.908425062841928,14.799156900844382 +0.8574119939100011,4.337165794892838,5.3947685810279165 +8.901746987777253,3.6164065289181258,17.017822979229866 +3.810055955349474,3.575574850485048,9.513624463111928 +3.627485365497108,4.047587795152926,9.42009180227127 +7.7336422220931755,4.550627567958942,15.748158094926415 +6.070856396349011,4.424203065922464,13.310106743020574 +8.738341047385708,1.7874921782122688,16.0579078843281 +1.2290236657318077,4.077260720888526,5.89965880960514 +9.742876780708515,6.9979636877378,20.131547818574152 +6.162698538161636,3.903345653977847,13.240063199904226 +2.9515196851931025,9.565780624348765,11.041031523318056 +4.269195894168258,7.1108494210657085,11.954088852182126 +8.104381441712937,6.5752292148095535,17.468182663203592 +2.3260579173497997,2.8798369649425073,6.891211342806357 +0.2298288879287802,9.69378560536396,7.108692984549133 +8.346529998741744,4.040115392589417,16.4652347533049 +8.924208185930597,1.536803719984453,16.125375251195607 +0.42037750126365236,1.3529328949922115,3.3984710008955092 +8.834193453075743,1.6049076033531307,16.206466177330466 +0.681262752424211,1.855468782182117,4.081973598862044 +4.150625242364255,4.964311878082269,10.55201973945665 +2.359171321962057,8.057167407562625,9.473409164660193 +9.598444283748925,2.9083615830398433,17.91759352470336 +9.310876055259369,8.179194784744425,20.1859838579513 +8.860202755826483,0.5969876765882198,15.492116804489182 +8.340419296703992,5.859250902506716,17.458581626397045 +0.3825858244083491,7.536503951729974,6.2289447594241025 +2.4171508854991286,7.97075713639639,9.638753783636584 +6.25989139333093,4.923317709115681,13.7871510157838 +0.23383495410180477,8.896747318008217,6.817418310167495 +1.4756437704384295,8.296948496496514,8.240759579447047 +6.881625191650716,0.6957272820423421,12.5069137603935 +5.422150995726705,9.617537660159872,15.251823489858989 +9.228088438290666,1.4629836874914637,16.58055861029015 +1.731834248897195,1.536341087785169,5.579393018571446 +7.561744738911372,1.6075393928376014,14.297291763176517 +0.6458147177160745,3.9033212468778067,4.756822064131943 +9.668894231586055,3.082598723574368,18.08081916328224 +7.242360428136924,1.43961078333109,13.45389833493292 +6.21145871333021,5.811659424370939,14.193397937298561 +9.041731726202222,7.165571967809649,18.956893757803346 +1.2078478812183269,4.047999288079339,5.678348843639137 +0.005563657678340217,2.40996870023141,3.127850829254956 +9.713260954146154,4.557414566856495,18.79402406377022 +8.675776382445212,0.23729029710513494,15.136192431879543 +8.800578400597763,8.893960609265731,19.544229046071035 +6.534326088092274,1.162509051180467,12.397674495231678 +8.760160788968959,8.998638977792531,19.753137173446888 +2.010466959723404,9.40163667979247,9.743907776213272 +8.810415122486017,2.0487644376282144,16.23327263231212 +3.9382072200689477,3.3667879523476065,9.624867666597021 +4.98226392123734,8.890002820395546,13.774899096563697 +8.743473563827973,1.7567272628918151,16.088774683736514 +5.511328322855325,5.340341813698625,12.817400204951293 +4.503982852085963,7.147097973899385,12.484709562137141 +6.459697189782173,2.7510752383006842,13.142158724580387 +3.4817141981981603,8.883682797153057,11.720068900067888 +3.257718971745444,4.440853167561548,9.167014843837881 +9.728966619921255,8.57280852453709,20.879665013516114 +6.989629389688471,3.0402272121450435,13.925919157661092 +6.287499910022866,6.420202279583219,14.547173301222312 +4.115621416645339,0.361184936115827,8.529163786219309 +3.665284759653953,5.081334726024616,10.048924898287884 +9.50142175409224,7.274959949912837,19.778119709040606 +1.079266523584279,3.014223036568373,5.177682437859697 +5.216838821607692,4.511152755319073,12.11512295093939 +0.051226938147534984,9.351000021083623,6.71940647966809 +9.040397882686667,9.237445704391959,20.08951739202772 +4.285548497218471,8.333755069284413,12.668756212110003 +7.085372708675331,5.117449426979662,15.281388497336062 +0.7713217875947476,1.6785199531466244,4.028482326008123 +2.382331070592846,8.959106844563033,10.060204380682453 +6.653682391243735,9.830309923541927,16.817439521592732 +5.664319810610908,0.8470470896089244,10.967987245551496 +4.777631716562736,1.1178445308400498,9.661900585814879 +9.013632747600614,2.784343250314186,16.785373429229317 +1.97269889617396,5.116316049980242,7.629766055451924 +8.070868250080443,5.103480311335376,16.555052513813052 +0.38216594679741367,7.429555255751136,6.098332936483198 +0.34071335956449955,6.043783881926242,5.663863516181958 +6.169334709274117,2.085193936039691,12.122155084476935 +4.4657533595549115,0.06191888566888237,8.690615532442184 +2.836793541084326,6.193512317113385,9.24238501323702 +2.841693733870023,0.47630977719275713,6.428315485029341 +6.7426410016304885,7.423951886134058,16.048344500951405 +8.629862761990557,8.755459620675097,19.312367520141315 +4.96316820219131,4.073590831731389,11.51753822468697 +5.858651855186972,7.926690899941252,14.830372030171391 +4.753321768619117,9.951667853874367,14.041134213300541 +6.375156130061245,3.0810656340858977,13.210781033112314 +7.937091133990731,1.5076629703282596,14.697069107933414 +9.357871534686058,3.40351927461247,17.8139472810537 +6.8504766216475135,6.253081889647982,15.329779381421778 +0.9587308781114423,7.2161970815608365,7.090593891137502 +3.118186752025541,3.811808893438479,8.582290624104319 +0.9652446208773513,8.100843395034236,7.6112639302839025 +8.602720975598855,1.3426731946501613,15.52138449036822 +8.1261229022332,8.979996048905454,18.882403923348186 +0.9729426895047466,9.974279106353233,8.480425898645734 +0.0455034186988168,8.424056860952467,6.267761772050449 +5.582907053461259,9.572835950518193,15.13655933467865 +3.3809991823675256,3.60847958575493,8.87505405815174 +8.403778552620922,7.106859987905235,18.096231779820307 +6.005184179734751,6.443846056750427,14.296370846070523 +6.826381183697534,0.4784164602902141,12.477588497352116 +1.1778336215644891,1.8125681945372885,4.867395651227003 +1.7678693414188718,8.429066820353853,8.823005203449469 +3.945098139815122,4.894240682344277,10.352702924737791 +0.8939670232222341,8.705930729464571,7.650484822104709 +0.1026353500661803,0.8329610310830193,2.7573377810642263 +8.121093724157546,1.3059705423466594,14.690052848250586 +7.933577388750694,3.5041756424851576,15.661817988118369 +7.7609790036064075,0.5035534245901152,13.924543542469493 +3.4126201856570537,4.812738868123852,9.412497436810177 +6.257045109059723,8.362200640425328,15.83098667509824 +2.444686699448334,6.588884410122999,8.868415730129627 +1.517704364489717,7.9516797094806915,8.255748747327324 +9.332212052837942,0.4727946415734263,16.40311821856752 +0.7985807639986531,7.875408190639126,7.09806867237678 +8.802300326942568,6.482177596804094,18.458902103617067 +4.611871460997784,7.6906695946116,12.72866460298151 +2.9970931257835143,9.917542296049737,11.449082761177198 +8.479933571521636,8.871330153399391,19.263711196934082 +8.548827185041727,9.328860499311208,19.445513709711104 +0.6449469075396752,9.086277635883057,7.245113508993304 +2.4860276475156673,3.5917295039844124,7.521610891596225 +3.7057031030745504,2.3243385954240106,8.727015716065209 +4.384258477151618,5.055199663656041,11.123531311227321 +1.4866414544821394,3.5951883514508367,6.009225875873583 +3.4814645953642276,6.746703884186606,10.509295044884146 +5.8078381488845405,7.161091867175343,14.267788750026275 +7.839435227425647,6.670061017465834,17.2707025476921 +2.4124432671349947,5.021195771361919,8.125058344338646 +4.665748893206568,0.7405019413171587,9.434165161426957 +8.944816048407382,0.9143535663262148,15.77102788581715 +9.76442588765872,0.317458565587424,16.77622600600321 +7.296788497500709,2.8757450255369497,14.282993998738807 +9.04716836916282,8.240319182863795,19.820279427202863 +0.25010902982738337,0.2195067247159843,2.329338962178016 +6.031910324399721,1.495915861664785,11.833063583098227 +0.1415863482391333,9.677620586651221,7.085264396934851 +6.328625278347594,0.10832673025785611,11.574695095571732 +4.90519778721512,1.5753682928938617,9.910992610870581 +8.051821253798714,0.2868210185044273,14.018848609347593 +3.7091601813825923,2.3802832252368358,8.765587497044656 +9.808730371338358,0.7811161299265845,17.011341797818268 +7.1988913180703165,4.7802789864799236,15.124190909635077 +8.164898799006625,2.1424455739857375,15.276116987383917 +8.552951179479047,9.50367248108196,19.475966203106033 +2.131075250794293,2.427448316571036,6.287806075762365 +9.636675760751219,4.341273702892766,18.625644952185738 +8.352431090868885,8.42429525778521,18.550186029374785 +3.1085255789066704,1.7878506778968972,7.506133553897353 +3.665302645421545,5.919028310395791,10.39072667407748 +4.970857476445593,7.367969134783503,13.137902126283263 +5.488089993025741,8.055148031130226,14.498426926615124 +1.0393786239539304,4.3909447292939285,5.656345471063968 +0.16062756315096016,1.20807110129582,2.885613845043647 +3.31507286831234,9.015130176720183,11.502253772258982 +3.8015527049317654,2.7346678136573987,9.125652587733992 +6.707885892435078,7.034710071574506,15.557854716783899 +4.813286203599657,2.885187490169403,10.806668634564094 +3.0181046120552324,1.8554608494933111,7.523417110316686 +3.625893497124981,1.6825349711043003,8.350228295039814 +6.429227669535257,8.946897619799122,15.975865422025937 +2.54253060788757,2.4221515616610145,7.034505672442688 +8.981526762949244,5.680331407902409,18.26147030496422 +7.297752351671395,8.89134412740201,17.306136997331183 +6.649728041512909,7.424588565899431,15.624239896140677 +3.86946971406696,9.381682568730177,12.489453954134575 +7.038999619217837,0.7169460411194406,12.962648895080886 +5.95216579879133,0.946567147817291,11.499692620589867 +5.221190461138337,0.8848744462051306,10.367692395656839 +6.272410838712659,4.56365827341243,13.719714853248309 +5.530791452508418,6.489505578252055,13.546502321126185 +2.503480674495254,3.1952109438161083,7.320377771497613 +4.820680222553736,5.663114627846912,12.037818227303434 +9.236462234156793,3.5190307549360478,17.536179403777755 +5.917303060745712,9.225451901418042,15.445834611637453 +7.178266933413661,3.2834184607604233,14.444492296397627 +4.1470614760263125,8.78784126921918,12.76854816474817 +4.3768657635108665,2.5204373886455023,9.810544661033996 +5.230705949240254,1.8599819698606301,10.695281694076526 +5.820452179823066,9.915016819259163,15.785112092531243 +9.692798458644726,6.137994606951615,19.40795344535906 +8.86279479222161,8.151527975296073,19.474271123397784 +9.506689939243499,8.730961753589053,20.482231976621733 +8.9983238055726,2.2954744907862166,16.710938915555555 +1.5801872875272593,0.4397181639786918,4.542531092130196 +6.593059046539728,9.335057783742648,16.58920840512722 +9.93849984323699,8.52342552645994,21.37777748075637 +8.310104759350805,5.188827948669607,16.97579345121283 +4.51958137311502,6.40316491854919,11.880899432328366 +0.22707479350470905,7.943235837610551,6.320051287900212 +6.57483673091611,1.7004903104780522,12.865033047386337 +6.356968571752501,5.994694515126376,14.550716619708787 +7.879999482620334,8.374775005566915,18.01184829814582 +2.534194605480283,8.144775957162116,9.890587880872584 +1.8209582761315168,3.942127772862092,6.602034102836334 +4.926466880321938,8.049312687704088,13.432279425288497 +9.01080804937584,0.17216633181512897,15.563012173353698 +7.372445000455273,8.775211240526584,17.578519295008967 +9.543053258456633,2.6788919137617553,17.733824623816936 +1.729603869741807,4.989448589463019,6.956756589374384 +9.01003308798955,3.156135646435154,17.06480412711109 +5.050607041995936,9.955549706669288,14.606484010195883 +4.560322823975592,6.282505988068479,11.883584457880593 +9.95595704974374,3.672585565173627,18.662301085394667 +2.7292999269279328,2.8273954827816103,7.461449602129819 +6.170132857086831,1.6270381322494476,12.103162457425293 +1.6452008300576682,2.601333365103602,5.872183163710667 +5.409353893548859,8.441758137843635,14.358117344852495 +5.292707439663755,7.826414528334647,14.098502055140013 +9.575570982874424,7.400015156698494,19.995688006532838 +6.427885364961268,0.08194406798036957,11.75683523923505 +4.484113645147707,2.6804948676203,9.955508177508651 +5.124227985787211,9.51084466808257,14.602861994478321 +3.204474439461389,1.6078207600904082,7.7465631646207065 +8.258961945700174,9.90582985862436,19.412508623785943 +7.800710218561072,1.383919930779861,14.21939194127663 +5.50694852255461,4.051902516461679,12.356598166485249 +6.334327418939202,6.686120478323164,14.762638094177545 +8.070902089431538,2.400865169469598,15.35214792676529 +9.646785315545563,2.1468911918780087,17.39815886862741 +1.2409801164216705,8.288712438275587,8.032824621278758 +4.632491764619963,4.9023027070004,11.364533614299344 +3.187354636635651,0.46413231961846213,6.935274685317278 +1.936010842964322,7.616343127658677,8.771448018013423 +2.244063107305477,9.926659170696396,10.324294285629772 +7.86226770056089,8.485901476583518,18.015856210660523 +8.732806900893808,7.189044712030991,18.76745197126235 +4.661828037881982,9.170123291909592,13.768199514830949 +4.265267751448275,0.9581907899260833,8.904564387683502 +5.964428971628753,1.055647862740181,11.29387003892802 +6.5538839912589575,9.975267576497334,16.66263179054607 +6.752079828434349,2.1055210068651267,13.187771715302132 +1.378595122386469,3.5638619007547256,5.952470680136647 +1.457651660920598,5.696933032134284,7.048414812789154 +7.830984436454847,6.581383466424418,17.088324945716362 +6.171985406308872,4.356064829376115,13.430128566853488 +1.7272921643675387,6.377796528704241,7.876046075167912 +4.193477662375523,3.054614770511347,9.879184461305687 +6.592862720641881,3.785360474839173,13.680016636355212 +1.6833035514254957,4.835135726751098,6.987303364846832 +2.891827415607909,7.334887278469845,9.850921435988267 +0.47067142026986364,8.528439490791177,7.015029271289295 +4.6134626489335515,0.1594383029588975,8.971662975121161 +1.3336246614307479,9.454404872165282,8.743708825583955 +5.370066673845142,7.68545335529428,13.930228250891656 +8.827772139312652,3.2030537010763394,16.87134877081345 +5.469170205130082,6.503239618804885,13.597122578431149 +8.415850985980077,4.200893863654864,16.727631384400098 +9.517527795055013,6.071206831209011,19.33078683659354 +8.738723096747442,0.8335803367151062,15.65785648409095 +4.63342336844827,1.7916946447588533,10.03566245731934 +9.118831287409629,2.349873193534081,16.85141259503261 +7.129801337144411,0.6286938445587809,12.957840375657224 +2.008446408894926,3.1985248051104143,6.565680606575837 +7.818733228364572,2.5116677508367626,15.029005921763932 +8.168843929582152,7.886107640696763,18.17598095220428 +9.922033456510803,6.7714048962274145,20.093827567976508 +6.374376255622595,6.015359189566184,14.68154885312966 +1.0961913819727986,5.132221406002868,6.291936656072921 +8.514828861336198,0.20856800474586046,14.991191607872427 +1.2665511903358362,6.0054926258540515,7.036985649239481 +8.470158537946455,3.0733176188323466,16.260957878472965 +8.714782415395696,3.3752662228628747,16.78586202788165 +4.654583775761383,9.530306671347786,13.84769483060261 +4.175920873290195,5.99481256039293,11.139783014572936 +9.354657043658854,2.643821741076354,17.318648988625224 +0.9193593006670397,9.580298718370802,8.16325591930516 +5.598296029228762,9.658405376432016,15.31884045821886 +8.667446230440902,5.946265058060779,17.920441108936934 +4.713406738293764,4.802502276242122,11.400146322055571 +1.6601649552148212,4.535620177823398,6.71496077577731 +8.217319490404172,9.887882154081938,19.31688333915355 +9.6034206389126,9.621785904982477,21.20919633337726 +0.19010888004228121,5.1577205742370955,4.718950122359335 +2.0013111559974064,6.152842264658873,7.953030178823122 +9.4583690845028,8.766510604703004,20.5844693079252 +8.665824767771618,3.657184077579889,16.844319445503693 +5.011713040456312,2.8194430932079184,10.930049605628803 +5.538543308897793,3.0338785867209825,11.777683054740153 +8.08731284491386,4.644193240462648,16.531830632883075 +7.003987893346143,8.726672066825916,16.90621593233364 +2.997490910323214,6.220915125832774,9.640185006114145 +8.458131920319158,9.507325982953423,19.477900590413103 +1.6306662605794309,6.81420223821716,8.012841977655425 +4.352188102727926,2.8552309660316952,9.853470409354333 +1.5772950815231945,5.853806345695451,7.250738751958782 +3.3408782433560336,6.679436875374184,10.31740152968993 +2.8099682254193037,0.005915181714019058,6.343676510557415 +7.672277833605255,1.6132717995801749,14.277677296937979 +2.5250336010177743,2.3535420679020334,6.885075499370715 +3.4224101596496603,4.853419211555176,9.54974396848231 +8.124522029971162,6.502199724762416,17.448340331450865 +1.4599829675852316,1.8367605002148646,5.227992944500599 +8.470626492496828,2.498554581503545,15.917248382712708 +2.186831121862065,0.03570120973591551,5.2293521880492975 +7.740757290553823,7.384518252696543,17.212410431663713 +3.476141492180762,0.07314849296909398,7.216357958145136 +7.855753379129845,0.993652122978782,14.536821593393466 +4.604679356383715,8.401476169872188,13.145998821143362 +2.4428211573132605,3.796686971528247,7.622403036029205 +6.608562562592995,6.731627540016955,15.278628539508752 +4.627063768986863,4.337526095832624,11.123097028003459 +4.195092058965177,4.86032705193919,10.801452759786805 +3.466450175209488,2.564144511986438,8.538015393437838 +3.1605138312004435,4.777672827293667,9.16452274470034 +3.8214087492130098,5.855380120413186,10.661415173477554 +6.3114119960836925,9.96143713461215,16.412605933322563 +6.151694670516873,7.346331792515946,14.943141995131795 +0.980317896601538,7.604488108142661,7.281076690586922 +5.089034848852182,8.665580882250678,14.179619302530535 +9.709087595759406,2.3036560965688313,17.820518947467775 +9.286751119163796,6.71640876923481,19.220902960335128 +7.391136519303584,4.723610665139755,15.331554997055331 +3.547935820418444,8.000340269816462,11.282252488786373 +0.21971793253519944,5.405957282041111,4.9242323715056 +0.7382977437921001,2.5463483275157817,4.334789637931565 +7.251991180058772,7.547386119638835,16.554722784464236 +8.890433337986078,7.154372344555181,18.880133175755358 +6.747459760952066,9.45117297392915,16.815264038538757 +5.374096027310879,6.5388164894826755,13.3452695204534 +8.680628541751318,7.636951461829251,18.818730797705395 +7.699255489708143,5.367557968719341,16.142432647587064 +5.278448068866231,6.487066906063781,13.282695624749815 +7.005463903973217,5.46101841026667,15.279003891163553 +1.8546694221503668,2.4841163743845582,5.969615940653414 +4.930751119025948,2.0406486343399157,10.327838329100441 +4.234873811625493,1.4714102119290606,8.941292981689587 +1.4623243313240741,8.432151730121479,8.255515269931214 +5.422499952614902,7.804348872725512,14.140670221772943 +0.11539374689921056,2.856309668305461,3.6953734032122747 +0.17680638198120935,0.0338214545638138,2.223694367000406 +0.32016404427808953,5.215242577869233,5.224485377746265 +0.9082205531855758,7.983739891585299,7.41587717596984 +5.161876269357375,2.4535306134952983,10.989905063321354 +8.38657143992037,5.096376643035992,17.21423944681111 +3.5079903826822587,5.679506468454286,10.163584894547778 +6.726087331306331,5.588036984958827,14.898517232969633 +9.327852853683918,3.539737294800708,17.737643623295693 +4.099494104951159,8.588544520764875,12.432793882584779 +6.37487548116816,9.66266749318774,16.232849490582698 +7.921646580202154,5.129282787794592,16.36703830462347 +6.347183167001348,4.060844092164096,13.731212917148673 +1.2764561923988083,4.071105414016493,5.867490980939456 +2.814857803760388,6.780798611452568,9.427620334252111 +6.691972207438594,9.37367893540281,16.815194129872552 +0.7945744048285752,4.675684554529566,5.55456530344229 +3.9863918427062717,5.274383829867388,10.647266934110112 +1.195630796751398,4.91426540060755,6.234826540964753 +6.570110036964695,3.1378630379620356,13.515172715965337 +6.504421613267243,2.65671686444384,13.237958336437316 +3.693054075321797,9.07288300317923,12.023877765294175 +0.2505839065485205,2.7282343391549047,3.803281197280969 +9.357256181583061,1.47042818475986,16.882947997906314 +3.9740781407095827,4.54095667501604,10.173819152288521 +6.526473373171763,6.117732904909876,14.99953431336551 +6.267623437551363,9.404107513724751,16.21500563396464 +3.9278493879718255,4.898128335963449,10.216637082220114 +9.639741639079046,1.281524998061987,17.259872748285996 +9.482117239159948,9.482804119030929,20.84562000997964 +9.53474956557802,0.6702907266187697,16.568525261931867 +5.775663314924923,8.381718489686236,14.922720617496413 +3.1370151686523142,5.905615289073692,9.762476366611715 +2.5644519731437976,1.2961344787822981,6.504613027159182 +8.522563748691509,9.812203766039463,19.62696068003307 +0.69746410686083,1.2132089310810423,3.6267893176613164 +5.886069038698406,0.8631127400877281,11.222811500904516 +6.311653616475672,7.194857437550591,15.149031310962577 +4.1462943577016755,7.562431667624613,11.960069647967794 +1.136290211287806,3.0123641276450797,5.145432715625542 +8.076388976022331,0.88347937197784,14.40859852688561 +2.8508550330050175,6.211628061700002,9.322673584027243 +2.4739197337860954,4.808760753524543,8.103422979633281 +8.371915316249002,2.6966638175593216,15.793164927011343 +4.35850846359291,0.18252361224961766,8.454552068822938 +7.083694771711668,3.5505920842449976,14.498834054992416 +8.600536017578793,0.8856155088258788,15.243570022798892 +7.822303514243765,8.13794935670791,17.67149678682443 +7.760688787110549,7.34379468142933,17.46988299835561 +2.3778929920668923,4.167324898024411,7.735379236158446 +3.859523483573657,2.4103808226317893,9.097024203692005 +4.91690446128533,6.975330359699107,12.913541939022192 +4.78726776000101,9.744643899553774,14.184360934900115 +7.087584418421753,4.426991026969712,14.933212464017618 +4.039575391080304,5.836066244731155,10.942952184474137 +4.317640034647734,2.2193829985770606,9.479646722609356 +5.210459693907529,6.727146050704571,13.050947988914135 +3.5844494539814065,2.8332372116336724,8.77932302170497 +2.1739260172318184,3.6282179656487257,6.964998647332863 +2.4436755612605356,7.630987230690964,9.401238711659552 +6.387142393637784,2.8693223134476744,13.00014544438613 +9.91831276854795,6.456721346153488,20.24561785377735 +1.4247293197290833,8.293372946682616,8.132722698486322 +7.537020948301125,5.000286455656764,15.808647194557894 +2.334635243649106,8.108762535435893,9.431190822562373 +1.2451821736932667,4.180352617913493,5.9023152512910455 +8.173225945479922,8.014407971183445,18.360028058181594 +6.298922368952905,0.07742252500385183,11.402261346619596 +3.331223098073285,8.531979193322082,11.236487189523928 +7.213658418452596,8.10595309769129,16.887566394565688 +0.6298125111841235,9.407694456674523,7.718683784911894 +2.290498892851928,3.322930093845702,7.042424141424266 +8.405830236823743,4.062191632018828,16.765919171819547 +6.430767000758738,5.523635733932903,14.363455203533896 +8.660763034260965,1.561235356675903,15.820197542754462 +0.9779117386989611,6.323537484481017,6.6096448949491435 +8.446417063933268,9.231016226885044,19.359224254704746 +3.9992564184118775,7.348566011862875,11.875918391896448 +3.907865002682799,3.188753371098568,9.428414202200777 +0.24212251742724122,2.501105356203528,3.612134900301419 +1.701722658349475,2.686126184501866,5.85244432779945 +2.8872712705511083,8.589094709383204,10.566859509205308 +2.0337610943008744,8.192987445857963,9.077205683728264 +8.593423836049162,4.637762501838281,17.2071523216884 +7.245155664464582,3.1860762627977457,14.383073794693424 +0.17770931753899877,7.096515228635915,5.740158148219271 +6.064128100963871,4.613636355848185,13.08646021695699 +8.986900288979845,7.272578393390537,19.255134753895543 +4.255812146681299,0.5337884116528746,8.814992647981635 +8.760857350384171,9.846428068082055,20.129375841968344 +6.345210390918565,7.682006058929555,15.271430411647934 +5.060248395635348,2.3664283470822287,10.647238015770688 +9.120674909765896,6.8835062803785565,18.966315294036985 +5.485630602117738,6.820843527958647,13.702783635908336 +5.118613958022991,0.5838449414117142,10.096373159719256 +6.60441144008915,0.052168851449523324,11.949310298555528 +2.2034579123490303,1.5597926729327416,6.17086599483782 +3.401222554129717,9.083156396019179,11.687896705757359 +0.7970162314788276,3.5740625441285623,4.905467476339989 +7.595619509948321,8.630916188979564,17.809834095255773 +7.361291370313284,9.65211631257398,17.96255232016606 +6.959174256099484,7.448008743169945,16.06371736824136 +4.220677354017517,3.0205327857215014,9.921992988377436 +4.618753271819713,7.679169834759826,12.752954210526287 +6.502630574758479,7.718989799505121,15.587351855657051 +6.275865856268602,7.331013477366896,15.118366367363544 +1.5566907322197254,3.236585332734351,5.9893000642608145 +5.61191767034815,0.165474135183602,10.5894821278825 +9.122972269856637,2.3948982793160334,16.796977152973884 +0.8850219784518365,6.6425021291794,6.7053439394749 +1.9373904709522194,5.619347132023299,7.599762120487806 +2.489766734067844,1.659415177987973,6.546482314177239 +7.3499608393254325,3.8837279602065875,14.955597448035657 +5.744382135421812,2.161244676455154,11.794200166497529 +5.52414553406946,4.212304348811168,12.393296792676159 +0.512244450546423,7.266918162980436,6.375641691347979 +5.52364336393527,9.273398540017284,15.0647572513304 +8.079499660296948,5.711192120176916,16.931945887610894 +0.43059601450399,7.5191860539919,6.358371816609762 +5.4904420048233495,8.350315217288465,14.223171072731112 +5.777450191210315,0.020274794806225405,10.654626088848387 +8.149121113391221,7.9927385202747026,18.126082568745915 +0.9940265823563077,6.838234656247824,6.885084267975805 +5.261006518371428,5.899170939658976,12.86509107470672 +8.893532611742494,2.495685306081872,16.479631276550716 +0.13159893493029262,2.085621165937196,3.1579109743110045 +9.151260352398507,2.114231549115174,16.62406040055208 +6.745105980433998,7.896856848214125,16.015106112085636 +8.132102734522608,0.10437063304376548,14.155891010232587 +0.0940241120304286,9.890101065035216,7.300505873009392 +5.274268002608454,0.6370335359514578,10.380322616570005 +0.2680888042730989,8.107712285183476,6.590173479805295 +9.049551215214183,5.24492498392763,18.06731080934042 +3.717140686719693,7.0235659024327965,11.069757454716681 +0.22388346867203368,8.989157691419846,6.71008503197153 +2.560905009723602,1.909087563933719,6.980183513800121 +3.107923580941491,0.6372763572670614,7.0636318556577145 +3.8956040770036635,7.147478460578519,11.311886766991371 +4.982063612784536,6.679790329889732,12.849937953061751 +2.1377195643117264,3.9789044605461763,7.047775339067046 +5.194813824939327,5.72558471714541,12.641364761105969 +1.8639648396220032,8.07669135146919,8.816736643171433 +0.9021622089778203,0.9828725082923373,3.91864431961748 +2.4970072392873934,6.54273963708304,9.11566464847931 +0.7708716281578543,0.07725597115764371,3.196967825540804 +4.721815755880822,3.4665706362442616,10.793608888495521 +1.5674631421231178,6.559238707255362,7.307287921661206 +6.4143141463226785,1.2189286248064835,12.387147919810737 +2.298013381051983,3.6497931858036328,7.206157565955109 +9.900399037621717,7.685905639884057,20.70376604703452 +3.3716533680797123,9.654378220855813,12.110578401530763 +4.549321093266137,3.803319411186189,10.606235826226582 +9.442857859054278,7.3617548170699765,19.84729133691474 +5.47844262653223,6.006965578790155,13.270832574015648 +9.728105171627746,1.529015499645131,17.46591166770105 diff --git a/elasticnet/tests/test_ElasticNetModel.py b/elasticnet/tests/test_ElasticNetModel.py index 5022c3c..944ad24 100644 --- a/elasticnet/tests/test_ElasticNetModel.py +++ b/elasticnet/tests/test_ElasticNetModel.py @@ -1,19 +1,189 @@ +import os import csv +import numpy as np +import matplotlib.pyplot as plot +from sklearn.model_selection import train_test_split +from elasticnet.models.ElasticNet import ElasticNetModel +from datetime import datetime -import numpy +# This function performs a grid search to find the best hyperparametrs +# like regularization strength, l1_ratio, learning_rate, and max_iterations +def ml_grid_search(X_train, X_test, y_train, y_test): + + # This is for large grid parameter variations + # regularization_strength_values = [0.01, 0.1, 0.5, 1.0, 5.0] + # l1_ratio_values = [0.1, 0.2, 0.5, 0.7, 0.9] + # learning_rate_values = [0.001, 0.01, 0.1] + # max_iterations_values = [500, 1000, 2000] + + # This is for small grid parameter variations + regularization_strength_values = [0.1, 0.5] + l1_ratio_values = [0.1, 0.5] + learning_rate_values = [0.01] + max_iterations_values = [1000] + -from elasticnet.models.ElasticNet import ElasticNetModel + best_r2 = -np.inf # Start with a very low r2 value + best_params = None # To store the best parameters found + + # Iterate over all combinations of hyperparametr values + for regularization_strength in regularization_strength_values: + for l1_ratio in l1_ratio_values: + for learning_rate in learning_rate_values: + for max_iterations in max_iterations_values: + # Print the current set of hyperparameters being tested + print(f"Test with regularization_strength={regularization_strength}, l1_ratio={l1_ratio}, " + f"learning_rate={learning_rate}, max_iterations={max_iterations}") + + try: + # Initialize the ElasticNetModel with current parameters + model = ElasticNetModel( + regularization_strength=regularization_strength, + l1_ratio=l1_ratio, + max_iterations=max_iterations, + learning_rate=learning_rate + ) + results = model.fit(X_train, y_train) # Fit the model to training data + r2 = results.r_squared(X_test, y_test) # Compute the R² score + print(f"R² Score: {r2}") + + # If this model has a better R² score, save its parameters + if r2 > best_r2: + best_r2 = r2 + best_params = { + 'regularization_strength': regularization_strength, + 'l1_ratio': l1_ratio, + 'learning_rate': learning_rate, + 'max_iterations': max_iterations + } + + except Exception as e: + # Print an error if the model fails to train with the current parameters + print(f"Error while training along with regularization_strength={regularization_strength}; l1_ratio={l1_ratio}: {e}") + + # Print the best R² score and corresponding hyperparameters + print("Best R_square Score value:", best_r2) + print("Best Hyperparameters here:", best_params) + return best_params, best_r2 # Return the best parameters and the R² score +# Main function for testing predictions with the best model def test_predict(): - model = ElasticNetModel() + print("Current Working Dir:", os.getcwd()) # Print the current directory data = [] - with open("small_test.csv", "r") as file: + csv_path = os.path.join(os.path.dirname(__file__), "data_long.csv") # Path to the CSV file + + # Read data from the CSV file + with open(csv_path, "r") as file: reader = csv.DictReader(file) for row in reader: data.append(row) - X = numpy.array([[v for k,v in datum.items() if k.startswith('x')] for datum in data]) - y = numpy.array([[v for k,v in datum.items() if k=='y'] for datum in data]) - results = model.fit(X,y) - preds = results.predict(X) - assert preds == 0.5 + # Prepare feature matrix X and target vector y + X = np.array([[float(v) for k, v in datum.items() if k.startswith('x')] for datum in data]) + y = np.array([float(datum['y']) for datum in data]) + + # Split the data into training and testing sets + X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42) + + timestamp = datetime.now().strftime("%Y%m%d_%H%M%S") # Get current timestamp + results_file_path = f"results_{timestamp}.txt" # File to store results + + # Open the results file to write the output + with open(results_file_path, "w") as results_file: + # Run grid search to find the best parameters + best_params, best_r2 = ml_grid_search(X_train, X_test, y_train, y_test) + + results_file.write("Best R_square Score value: {}\n".format(best_r2)) + results_file.write("Best Hyperparameters here: {}\n".format(best_params)) + + # If best parameters are found, retrain the model with them + if best_params is not None: + model = ElasticNetModel( + regularization_strength=best_params['regularization_strength'], + l1_ratio=best_params['l1_ratio'], + max_iterations=best_params['max_iterations'], + learning_rate=best_params['learning_rate'] + ) + results = model.fit(X_train, y_train) # Train the model with best params + preds = results.predict(X_test) # Make predictions on test data + preds = np.array(preds).flatten() # Flatten the predictions array + y_test = np.array(y_test).flatten() # Flatten the true values array + total_predictions = len(preds) # Count of total predictions made + print(f"Total no of predicted values: {total_predictions}") + results_file.write(f"Total no of predicted values: {total_predictions}\n") + + # Check for NaN or infinite values in predictions or true values + if np.any(np.isnan(preds)) or np.any(np.isnan(y_test)): + print("Warning: NaN values found in the predictions or the actual values") + if np.any(np.isinf(preds)) or np.any(np.isinf(y_test)): + print("Warning: Inf values found in the predictions or the actual values.") + + # Write predictions, actual values, and their differences + results_file.write("Predicted values: {}\n".format(preds)) + results_file.write("Actual values: {}\n".format(y_test)) + results_file.write("Differences: {}\n".format(np.abs(preds - y_test))) + + # Plot the training loss if available + if hasattr(results, 'loss_history'): + plot.figure(figsize=(10, 6)) + plot.plot(results.loss_history, color='blue') + plot.title('Training Loss') # Set the title of the plot + plot.xlabel('Iterations') # X-axis label + plot.ylabel('Train_Loss') # Y-axis label + plot.grid(True) + plot.savefig("Training_Loss.png") # Save the plot as an image + plot.show() # Display the plot + plot.close() + else: + print("No loss history available for plotting the graph") + + # Write model summary: intercept, coefficients, etc. + results_file.write("Model Summary:\n") + results_file.write("Intercept: {}\n".format(results.intercept)) + results_file.write("Coefficients: {}\n".format(results.coefficients)) + results_file.write("Number of iterations: {}\n".format(len(results.loss_history))) + results_file.write("Final loss: {}\n".format(results.loss_history[-1] if results.loss_history else "No loss recorded.")) + + # Compute the final R² score on the test data + r2 = results.r_squared(X_test, y_test) + results_file.write("Final R_square Score: {}\n".format(r2)) + + # Plot predicted vs actual values + plot.figure(figsize=(10, 6)) + plot.scatter(y_test, preds, color='blue', label='Predicted') + plot.plot(y_test, y_test, color='red', label='Actual', linewidth=2) + plot.xlabel('Actual values') # Label the X-axis + plot.ylabel('Predicted values') # Label the Y-axis + plot.title('Predicted vs Actual') # Title of the plot + plot.legend() + plot.savefig("predictions_vs_actual.png") # Save the plot as an image + plot.show() + plot.close() + + # Plot the residuals (difference between predicted and actual) + residuals = preds - y_test + plot.figure(figsize=(10, 6)) + plot.scatter(preds, residuals, color='blue', alpha=0.5) + plot.axhline(0, color='red', linewidth=2, linestyle='--') # Line at y=0 + plot.title('Residuals Plot') # Title for the residuals plot + plot.xlabel('Predicted values') # X-axis label + plot.ylabel('Residuals') # Y-axis label + plot.grid(True) + plot.savefig("residuals_plot.png") # Save the residuals plot + plot.show() + plot.close() + + # Write residuals and their statistics to the results file + results_file.write("Residuals: {}\n".format(residuals)) + results_file.write("Mean Residual: {}\n".format(np.mean(residuals))) + results_file.write("Standard Deviation of Residuals: {}\n".format(np.std(residuals))) + + # Tolerance for differences between predicted and actual values + tolerance = 10 + assert np.all(np.abs(preds - y_test) < tolerance), "Predictions don't match with the expected values /" + else: + results_file.write("No best parameters -during grid search.\n") + +# Run the test_predict function when the script is executed +if __name__ == "__main__": + test_predict() diff --git a/large_data1.jpeg b/large_data1.jpeg new file mode 100644 index 0000000..cab0315 Binary files /dev/null and b/large_data1.jpeg differ diff --git a/large_data2.jpeg b/large_data2.jpeg new file mode 100644 index 0000000..5233a37 Binary files /dev/null and b/large_data2.jpeg differ diff --git a/large_data3.jpeg b/large_data3.jpeg new file mode 100644 index 0000000..4af1aa3 Binary files /dev/null and b/large_data3.jpeg differ diff --git a/large_data_output.jpeg b/large_data_output.jpeg new file mode 100644 index 0000000..a9b007f Binary files /dev/null and b/large_data_output.jpeg differ diff --git a/regularized_discriminant_analysis/models/RegularizedDiscriminantAnalysis.py b/regularized_discriminant_analysis/models/RegularizedDiscriminantAnalysis.py deleted file mode 100644 index 089f9ad..0000000 --- a/regularized_discriminant_analysis/models/RegularizedDiscriminantAnalysis.py +++ /dev/null @@ -1,17 +0,0 @@ - - -class RDAModel(): - def __init__(self): - pass - - - def fit(self, X, y): - return RDAModelResults() - - -class RDAModelResults(): - def __init__(self): - pass - - def predict(self, x): - return 0.5 diff --git a/regularized_discriminant_analysis/test_rdamodel.py b/regularized_discriminant_analysis/test_rdamodel.py deleted file mode 100644 index 095725b..0000000 --- a/regularized_discriminant_analysis/test_rdamodel.py +++ /dev/null @@ -1,19 +0,0 @@ -import csv - -import numpy - -from regularized_discriminant_analysis.models.RegularizedDiscriminantAnalysis import RDAModel - -def test_predict(): - model = ElasticNetModel() - data = [] - with open("small_sample.csv", "r") as file: - reader = csv.DictReader(file) - for row in reader: - data.append(row) - - X = numpy.array([[v for k,v in datum.items() if k.startswith('x')] for datum in data]) - y = numpy.array([[v for k,v in datum.items() if k=='y'] for datum in data]) - results = model.fit(X,y) - preds = results.predict(X) - assert preds == 0.5 diff --git a/small_test1.jpeg b/small_test1.jpeg new file mode 100644 index 0000000..649b8fc Binary files /dev/null and b/small_test1.jpeg differ diff --git a/small_test2.jpeg b/small_test2.jpeg new file mode 100644 index 0000000..535cf4f Binary files /dev/null and b/small_test2.jpeg differ diff --git a/small_test3.jpeg b/small_test3.jpeg new file mode 100644 index 0000000..12d18bc Binary files /dev/null and b/small_test3.jpeg differ diff --git a/small_test_output.jpeg b/small_test_output.jpeg new file mode 100644 index 0000000..2f603e0 Binary files /dev/null and b/small_test_output.jpeg differ