diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000..171aae9 Binary files /dev/null and b/.DS_Store differ diff --git a/.idea/.gitignore b/.idea/.gitignore new file mode 100644 index 0000000..26d3352 --- /dev/null +++ b/.idea/.gitignore @@ -0,0 +1,3 @@ +# Default ignored files +/shelf/ +/workspace.xml diff --git a/.idea/Project1.iml b/.idea/Project1.iml new file mode 100644 index 0000000..74d515a --- /dev/null +++ b/.idea/Project1.iml @@ -0,0 +1,10 @@ + + + + + + + + + + \ No newline at end of file diff --git a/.idea/inspectionProfiles/profiles_settings.xml b/.idea/inspectionProfiles/profiles_settings.xml new file mode 100644 index 0000000..105ce2d --- /dev/null +++ b/.idea/inspectionProfiles/profiles_settings.xml @@ -0,0 +1,6 @@ + + + + \ No newline at end of file diff --git a/.idea/misc.xml b/.idea/misc.xml new file mode 100644 index 0000000..58d6f34 --- /dev/null +++ b/.idea/misc.xml @@ -0,0 +1,4 @@ + + + + \ No newline at end of file diff --git a/.idea/modules.xml b/.idea/modules.xml new file mode 100644 index 0000000..3db647a --- /dev/null +++ b/.idea/modules.xml @@ -0,0 +1,8 @@ + + + + + + + + \ No newline at end of file diff --git a/.idea/vcs.xml b/.idea/vcs.xml new file mode 100644 index 0000000..94a25f7 --- /dev/null +++ b/.idea/vcs.xml @@ -0,0 +1,6 @@ + + + + + + \ No newline at end of file diff --git a/README.md b/README.md index c1e8359..a9dfdac 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,94 @@ -# Project 1 +# ElasticNetModel - Linear Regression with ElasticNet Regularization -Put your README here. Answer the following questions. +## Team Members -* 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? +- **Darshan Sasidharan Nair** : dsasidharannair@hawk.iit.edu +- **Ishaan Goel** : igoel@hawk.iit.edu +- **Ayesha** : asaif@hawk.iit.edu +- **Ramya** : rarumugam@hawk.iit.edu + +## 1. Overview + +The `ElasticNetModel` class implements **Linear Regression** with **ElasticNet Regularization**, which is a combination of **L1 (Lasso)** and **L2 (Ridge)** regularization techniques. This model is used for: + +- **Linear regression tasks** where you want to predict a continuous target variable. +- **Feature selection** when you have a large set of features and want to eliminate irrelevant ones (due to L1 regularization). +- **Dealing with multicollinearity** in the dataset, as L2 regularization stabilizes the model and reduces variance. + +### When to Use: + +- ElasticNet should be used when the data has high-dimensional features and some of the features are expected to be irrelevant. +- It’s useful when there is **multicollinearity** (i.e., when predictors are correlated) in the data. +- Use it if you want to **select important features** and **reduce model complexity**. + +## 2. Testing and Validation + +To test if the model is works well, we performed the following tests: + +- **Initial Test**: + The model was first tested with synthetic datasets where the relationship between input features and target values was known. The model correctly identified trends and produced reasonable coefficient estimates. +- **Real Data**: + The model was also validated on real-world datasets such as the Adverstising dataset, where it demonstrated expected behavior by regularizing feature weights, selecting important features, and generating sensible predictions. +- **Benchmarking**: + The model was compared to `sklearn`'s `ElasticNet` implementation for consistency in predictions. + +### Metrics for Evaluation: + +- **Mean Squared Error (MSE)**: used to check how well the predicted values align with the actual target values. +- **Coefficient Magnitude**: observing how regularization influences the weight values, especially when tuning the `lambda1` parameter. +- **Real VS True Graph**: To check how close the predicted values were to the actual values and if the model actually fits the data points +- **Residual Graph/ Histogram**: To check the distribution of the residuals and enure homoscedasticity + +### Correctness was established through: + +- **Convergence** of the loss function. +- **Stability** in coefficients when tuning `lambda1`. +- Comparing predictions against a baseline linear regression model. + +## 3. Parameters for Tuning + +The model can be optimized by tuning the following hyper-parameters: + +- **lambda1 (default: 0.5)**: This is the L1 regularization parameter (used in ElasticNet to control the penalty for the magnitude of the coefficients). Larger values encourage sparser solutions, where some feature coefficients may become zero. A value closer to 0 leans more towards L2 regularization, making it similar to Ridge regression. +- **threshold (default: 0.000001)**: This is the convergence threshold for gradient descent. The training process stops when the change in model weights (beta coefficients) is less than this threshold, indicating that the model has converged. Smaller values might lead to more accurate solutions but could require more iterations. +- **learning_rate (default: 0.000001)**: This is the step size for each iteration of gradient descent. It controls how much the model updates its weights after each step. A smaller learning rate ensures more stable convergence but might require more iterations to reach an optimal solution. +- **scale (default: False)**: This is a Boolean flag indicating whether to scale the features using `MinMaxScaler`. When set to `True`, the input features are scaled to a specified range, defined by `scale_range`. +- **scale_range (default: (-10, 10))**: This is the range within which the features are scaled when scale is set to `True`. This ensures the input data is transformed into a desired range, which can be helpful for algorithms that are sensitive to the magnitude of features. + +## 4. Challenges and Limitations + +### Potential Issues: + +- **Highly Correlated Features**: While `ElasticNetModel` handles multicollinearity better than standard linear regression, data with significantly high correlations between features might still cause some instability in weight updates. +- **Nonlinear Relationships**: The model assumes a linear relationship between features and the target. If there is a nonlinear relationship in the data, `ElasticNetModel` will not perform well unless features are transformed appropriately prior to inputting them into the model. It also performs poorly on binary or general categorical data. +- **Imbalanced Datasets**: If the dataset has a high class imbalance, `ElasticNetModel` might struggle to fit the data well. +- **Large Values**: Datasets with large values need to be scaled down otherwise the runtime can grow very quickly. + +### Improvements: + +Given more time, improvements could include: + +- Implementing **cross-validation** to automatically determine optimal values for `lambda1`. +- Developing **early stopping criteria** during gradient descent to avoid unnecessary iterations once the loss function stabilizes. +- Implementing strategies to **handle missing data** would make the model more robust for real-world datasets, which often contain incomplete data. + +--- + +### Usage Example: + +```python +# Initialize the model +elastic_net = ElasticNetModel(lambda1=0.7, learning_rate=0.01, threshold=0.0001, scale=True) + +# Fit the model to training data +elastic_net.fit(X_train, y_train) + +# Predict using test data +y_pred = elastic_net.predict(X_test) +``` + +A working usage example can be seen in the test_ElasticNetModel.py file. This can used for reference for future testing. + +The datasets provided can also be used to ensure that the model works. This is few of the real world datasets the team used to check the validity of the model. + +This implementation offers flexibility to users to experiment with various parameter settings, providing both L1 and L2 regularization, making it suitable for various types of linear regression problems. diff --git a/elasticnet/.DS_Store b/elasticnet/.DS_Store new file mode 100644 index 0000000..0b9a44b Binary files /dev/null and b/elasticnet/.DS_Store differ diff --git a/elasticnet/models/ElasticNet.py b/elasticnet/models/ElasticNet.py index 017e925..b5396d6 100644 --- a/elasticnet/models/ElasticNet.py +++ b/elasticnet/models/ElasticNet.py @@ -1,17 +1,184 @@ - +import matplotlib.pyplot as plt +import numpy +from sklearn.preprocessing import StandardScaler, MinMaxScaler class ElasticNetModel(): - def __init__(self): - pass + # The init function takes in the hyperparameters for lambda1 from which lambda2 is also calculated, the threshold which the criteria + # for stopping the gradient descent allowing the model to converge, the learning rate to specify how fast the model learns. + # The scale is used to allow the user to either scale or not scale their data and the scale range scales all the values + # between the specified range. + def __init__(self, lambda1 = 0.5, threshold = 0.000001, learning_rate = 0.000001, scale = False, scale_range = (-10,10)): + if not isinstance(lambda1, (float, int)) or lambda1 <= 0: + raise ValueError("lambda1 must be a positive number.") + self.lambda1 = lambda1 + + if not isinstance(threshold, (float, int)) or threshold <= 0: + raise ValueError("threshold must be a positive number.") + self.threshold = threshold + + if not isinstance(learning_rate, (float, int)) or learning_rate <= 0: + raise ValueError("learning_rate must be a positive number.") + self.learning_rate = learning_rate + + if not isinstance(scale, bool): + raise ValueError("scale must be a boolean (True or False).") + self.shouldScale = scale + + if not (isinstance(scale_range, tuple) and len(scale_range) == 2 and + all(isinstance(x, (int, float)) for x in scale_range) and + scale_range[0] < scale_range[1]): + raise ValueError("scale_range must be a tuple of two numbers (min, max) where min < max.") + self.scaler = MinMaxScaler(feature_range=scale_range) + + def fit(self, A, ys): + if not isinstance(A, numpy.ndarray): + raise ValueError("A must be a numpy array.") + if not isinstance(ys, numpy.ndarray): + raise ValueError("ys must be a numpy array.") + if numpy.any(A == None): + raise ValueError("A contains None values.") + if numpy.any(ys == None): + raise ValueError("ys contains None values.") - def fit(self, X, y): - return ElasticNetModelResults() + if numpy.isnan(A).any(): + raise ValueError("A contains NaN values.") + if numpy.isnan(ys).any(): + raise ValueError("ys contains NaN values.") + # Checks if scaling is required, if it is then scale the data + if(self.shouldScale): + # Scales the train data between the specified range + A = self.scaler.fit_transform(A) + ys = self.scaler.fit_transform(ys) + # Initialized the random multidimensional arrays generator + rng = numpy.random.default_rng() + # Create a matrix with 1 column and len(A) rows to account for the intercept + intercept_ones = numpy.ones((len(A), 1)) + # Append the matrix of all ones to the data to account for the intercept + A = numpy.c_[intercept_ones, A] + # Get the number of rows and number of columns for the data + Ny,dy = ys.shape + self.N, self.d = A.shape + if self.N == 0: + # If there are no rows then raise an error + raise ValueError("Number of samples cannot be zero.") + if(Ny != self.N): + raise ValueError("Number of samples has to be same for both Target and Features") + # Set a random staring point for the beta matrix + self.beta = rng.normal(loc=0, scale=0.01, size=(self.d, 1)) + # Set a beta before complete with zeroes so that we can compare if we have met the required threshold + self.beta_before = numpy.zeros(shape=(self.d, 1)) + # Check if the required threshold as been satisfied, if not continue looping + while (numpy.linalg.norm(self.beta - self.beta_before) > self.threshold): + # Set the beta before to the current beta + self.beta_before = self.beta + # Update the weights + self.beta = self.change_weights(A, ys) + # Once the beta has converged return a Result Class with the beta value stored in it + return ElasticNetModelResults(self.beta,self.scaler,self.shouldScale) + + def change_weights(self, A, ys): + # Create an empty gradient matrix filled with zeroes + gradient = numpy.zeros_like(self.beta) + # Get the predictions for the current values of beta using the dot product + predictions = numpy.dot(A, self.beta) + # Use the gradient formula for Elastic Net Regression to calculate each of the gradient values and store + # it in the gradient matrix + for i in range(self.d): + if self.beta[i, 0] > 0: + gradient[i, 0] = (-2 * numpy.dot(A[:, i], (ys - predictions)) + self.lambda1 + ( + 2 * (1 - self.lambda1) * self.beta[i, 0])) / self.d + elif self.beta[i, 0] < 0: + gradient[i, 0] = (-2 * numpy.dot(A[:, i], (ys - predictions)) - self.lambda1 + ( + 2 * (1 - self.lambda1) * self.beta[i, 0])) / self.d + else: + gradient[i, 0] = (-2 * numpy.dot(A[:, i], (ys - predictions)) + ( + 2 * (1 - self.lambda1) * self.beta[i, 0])) / self.d + # Apply the learning rate to the gradient and substract it from the beta to move the beta closer to its actual value + return self.beta - (self.learning_rate * gradient) class ElasticNetModelResults(): - def __init__(self): - pass + # Initializing the model's parameters through the constructor function: + def __init__(self, beta, scaler, shouldScale): + # beta: Coefficients of the ElasticNet model (including intercept) + # scaler: Scaler object used to scale the features (e.g., StandardScaler or MinMaxScaler) + # shouldScale: Boolean indicating whether the features should be scaled before prediction + self.beta = beta + self.scaler = scaler + self.shouldScale = shouldScale + + # Predicting the output using the model's coefficients: def predict(self, x): - return 0.5 + self.check_x(x) + + # Scaling the features and target values if the shouldScale flag is True + if (self.shouldScale): + x = self.scaler.fit_transform(x) + + # Adding a column of ones for the intercept term. + intercept_ones = numpy.ones((len(x), 1)) + + x_b = numpy.c_[intercept_ones, x] + return numpy.dot(x_b, self.beta) + + def check_x(self,A): + if not isinstance(A, numpy.ndarray): + raise ValueError("A must be a numpy array.") + if numpy.any(A == None): + raise ValueError("A contains None values.") + if numpy.isnan(A).any(): + raise ValueError("A contains NaN values.") + + def check_y(self,ys): + if not isinstance(ys, numpy.ndarray): + raise ValueError("ys must be a numpy array.") + if numpy.any(ys == None): + raise ValueError("ys contains None values.") + if numpy.isnan(ys).any(): + raise ValueError("ys contains NaN values.") + + # Creating a scatter plot comparing actual vs predicted values: + def getActualVsTrueGraph(self, x, y): + self.check_x(x) + self.check_y(y) + if (self.shouldScale): + x = self.scaler.fit_transform(x) + y = self.scaler.fit_transform(y) + intercept_ones = numpy.ones((len(x), 1)) + x_b = numpy.c_[intercept_ones, x] + + # Calculating predicted values + pred = numpy.dot(x_b, self.beta) + + # Creating a scatter plot with actual values on x-axis and predicted values on y-axis + plt.scatter(y[:, 0], pred[:, 0], color='green', alpha=0.5) + plt.plot([y.min(), y.max()], [y.min(), y.max()], color='red', linestyle='--') + + plt.xlabel('Actual Values') + plt.ylabel('Predicted Values') + plt.title('Predicted vs. Actual Plot') + plt.show() + + # Creating a residual plot, which visualizes the difference between actual and predicted values: + def getResidualGraph(self, x, y): + self.check_x(x) + self.check_y(y) + if (self.shouldScale): + x = self.scaler.fit_transform(x) + y = self.scaler.fit_transform(y) + intercept_ones = numpy.ones((len(x), 1)) + x_b = numpy.c_[intercept_ones, x] + pred = numpy.dot(x_b, self.beta) + + # Calculating the residuals (differences between actual and predicted values) + residual = y[:, 0] - pred[:, 0] + + plt.scatter(pred[:, 0], residual, color='blue', alpha=0.5) + plt.axhline(y=0, color='red', linestyle='--') + + plt.xlabel('Predicted Values') + plt.ylabel('Residuals') + plt.title('Residual Plot') + plt.show() diff --git a/elasticnet/tests/advertising.csv b/elasticnet/tests/advertising.csv new file mode 100644 index 0000000..7d4c912 --- /dev/null +++ b/elasticnet/tests/advertising.csv @@ -0,0 +1,201 @@ +TV,Radio,Newspaper,Sales +230.1,37.8,69.2,22.1 +44.5,39.3,45.1,10.4 +17.2,45.9,69.3,12 +151.5,41.3,58.5,16.5 +180.8,10.8,58.4,17.9 +8.7,48.9,75,7.2 +57.5,32.8,23.5,11.8 +120.2,19.6,11.6,13.2 +8.6,2.1,1,4.8 +199.8,2.6,21.2,15.6 +66.1,5.8,24.2,12.6 +214.7,24,4,17.4 +23.8,35.1,65.9,9.2 +97.5,7.6,7.2,13.7 +204.1,32.9,46,19 +195.4,47.7,52.9,22.4 +67.8,36.6,114,12.5 +281.4,39.6,55.8,24.4 +69.2,20.5,18.3,11.3 +147.3,23.9,19.1,14.6 +218.4,27.7,53.4,18 +237.4,5.1,23.5,17.5 +13.2,15.9,49.6,5.6 +228.3,16.9,26.2,20.5 +62.3,12.6,18.3,9.7 +262.9,3.5,19.5,17 +142.9,29.3,12.6,15 +240.1,16.7,22.9,20.9 +248.8,27.1,22.9,18.9 +70.6,16,40.8,10.5 +292.9,28.3,43.2,21.4 +112.9,17.4,38.6,11.9 +97.2,1.5,30,13.2 +265.6,20,0.3,17.4 +95.7,1.4,7.4,11.9 +290.7,4.1,8.5,17.8 +266.9,43.8,5,25.4 +74.7,49.4,45.7,14.7 +43.1,26.7,35.1,10.1 +228,37.7,32,21.5 +202.5,22.3,31.6,16.6 +177,33.4,38.7,17.1 +293.6,27.7,1.8,20.7 +206.9,8.4,26.4,17.9 +25.1,25.7,43.3,8.5 +175.1,22.5,31.5,16.1 +89.7,9.9,35.7,10.6 +239.9,41.5,18.5,23.2 +227.2,15.8,49.9,19.8 +66.9,11.7,36.8,9.7 +199.8,3.1,34.6,16.4 +100.4,9.6,3.6,10.7 +216.4,41.7,39.6,22.6 +182.6,46.2,58.7,21.2 +262.7,28.8,15.9,20.2 +198.9,49.4,60,23.7 +7.3,28.1,41.4,5.5 +136.2,19.2,16.6,13.2 +210.8,49.6,37.7,23.8 +210.7,29.5,9.3,18.4 +53.5,2,21.4,8.1 +261.3,42.7,54.7,24.2 +239.3,15.5,27.3,20.7 +102.7,29.6,8.4,14 +131.1,42.8,28.9,16 +69,9.3,0.9,11.3 +31.5,24.6,2.2,11 +139.3,14.5,10.2,13.4 +237.4,27.5,11,18.9 +216.8,43.9,27.2,22.3 +199.1,30.6,38.7,18.3 +109.8,14.3,31.7,12.4 +26.8,33,19.3,8.8 +129.4,5.7,31.3,11 +213.4,24.6,13.1,17 +16.9,43.7,89.4,8.7 +27.5,1.6,20.7,6.9 +120.5,28.5,14.2,14.2 +5.4,29.9,9.4,5.3 +116,7.7,23.1,11 +76.4,26.7,22.3,11.8 +239.8,4.1,36.9,17.3 +75.3,20.3,32.5,11.3 +68.4,44.5,35.6,13.6 +213.5,43,33.8,21.7 +193.2,18.4,65.7,20.2 +76.3,27.5,16,12 +110.7,40.6,63.2,16 +88.3,25.5,73.4,12.9 +109.8,47.8,51.4,16.7 +134.3,4.9,9.3,14 +28.6,1.5,33,7.3 +217.7,33.5,59,19.4 +250.9,36.5,72.3,22.2 +107.4,14,10.9,11.5 +163.3,31.6,52.9,16.9 +197.6,3.5,5.9,16.7 +184.9,21,22,20.5 +289.7,42.3,51.2,25.4 +135.2,41.7,45.9,17.2 +222.4,4.3,49.8,16.7 +296.4,36.3,100.9,23.8 +280.2,10.1,21.4,19.8 +187.9,17.2,17.9,19.7 +238.2,34.3,5.3,20.7 +137.9,46.4,59,15 +25,11,29.7,7.2 +90.4,0.3,23.2,12 +13.1,0.4,25.6,5.3 +255.4,26.9,5.5,19.8 +225.8,8.2,56.5,18.4 +241.7,38,23.2,21.8 +175.7,15.4,2.4,17.1 +209.6,20.6,10.7,20.9 +78.2,46.8,34.5,14.6 +75.1,35,52.7,12.6 +139.2,14.3,25.6,12.2 +76.4,0.8,14.8,9.4 +125.7,36.9,79.2,15.9 +19.4,16,22.3,6.6 +141.3,26.8,46.2,15.5 +18.8,21.7,50.4,7 +224,2.4,15.6,16.6 +123.1,34.6,12.4,15.2 +229.5,32.3,74.2,19.7 +87.2,11.8,25.9,10.6 +7.8,38.9,50.6,6.6 +80.2,0,9.2,11.9 +220.3,49,3.2,24.7 +59.6,12,43.1,9.7 +0.7,39.6,8.7,1.6 +265.2,2.9,43,17.7 +8.4,27.2,2.1,5.7 +219.8,33.5,45.1,19.6 +36.9,38.6,65.6,10.8 +48.3,47,8.5,11.6 +25.6,39,9.3,9.5 +273.7,28.9,59.7,20.8 +43,25.9,20.5,9.6 +184.9,43.9,1.7,20.7 +73.4,17,12.9,10.9 +193.7,35.4,75.6,19.2 +220.5,33.2,37.9,20.1 +104.6,5.7,34.4,10.4 +96.2,14.8,38.9,12.3 +140.3,1.9,9,10.3 +240.1,7.3,8.7,18.2 +243.2,49,44.3,25.4 +38,40.3,11.9,10.9 +44.7,25.8,20.6,10.1 +280.7,13.9,37,16.1 +121,8.4,48.7,11.6 +197.6,23.3,14.2,16.6 +171.3,39.7,37.7,16 +187.8,21.1,9.5,20.6 +4.1,11.6,5.7,3.2 +93.9,43.5,50.5,15.3 +149.8,1.3,24.3,10.1 +11.7,36.9,45.2,7.3 +131.7,18.4,34.6,12.9 +172.5,18.1,30.7,16.4 +85.7,35.8,49.3,13.3 +188.4,18.1,25.6,19.9 +163.5,36.8,7.4,18 +117.2,14.7,5.4,11.9 +234.5,3.4,84.8,16.9 +17.9,37.6,21.6,8 +206.8,5.2,19.4,17.2 +215.4,23.6,57.6,17.1 +284.3,10.6,6.4,20 +50,11.6,18.4,8.4 +164.5,20.9,47.4,17.5 +19.6,20.1,17,7.6 +168.4,7.1,12.8,16.7 +222.4,3.4,13.1,16.5 +276.9,48.9,41.8,27 +248.4,30.2,20.3,20.2 +170.2,7.8,35.2,16.7 +276.7,2.3,23.7,16.8 +165.6,10,17.6,17.6 +156.6,2.6,8.3,15.5 +218.5,5.4,27.4,17.2 +56.2,5.7,29.7,8.7 +287.6,43,71.8,26.2 +253.8,21.3,30,17.6 +205,45.1,19.6,22.6 +139.5,2.1,26.6,10.3 +191.1,28.7,18.2,17.3 +286,13.9,3.7,20.9 +18.7,12.1,23.4,6.7 +39.5,41.1,5.8,10.8 +75.5,10.8,6,11.9 +17.2,4.1,31.6,5.9 +166.8,42,3.6,19.6 +149.7,35.6,6,17.3 +38.2,3.7,13.8,7.6 +94.2,4.9,8.1,14 +177,9.3,6.4,14.8 +283.6,42,66.2,25.5 +232.1,8.6,8.7,18.4 diff --git a/elasticnet/tests/bmo.csv b/elasticnet/tests/bmo.csv new file mode 100644 index 0000000..4db1e51 --- /dev/null +++ b/elasticnet/tests/bmo.csv @@ -0,0 +1,717 @@ +Gender,Age,HeadCircumference,ShoulderWidth,ChestWidth ,Belly ,Waist ,Hips ,ArmLength ,ShoulderToWaist ,WaistToKnee ,LegLength,TotalHeight +1,30,22,18,20,18,14,22,22,25,25,22,52 +1,28,19,22,17,18,21,25,28,23,25,20,56 +2,27,21,18,16,14,10,15,21,18,14,18,53 +1,29,20,20,18,11,19,14,24,21,20,21,45 +2,28,16,14,18,13,11,30,25,22,32,13,47 +2,22,17,19,18,14,16,18,20,24,21,19,60 +2,18,25,17,16,17,12,28,23,25,14,18,49 +2,26,18,15,19,17,23,27,19,19,19,19,58 +1,23,16,16,20,18,22,18,15,26,20,19,40 +1,31,15,20,28,18,91,17,16,21,21,19,55 +1,29,16,28,17,15,21,30,17,25,18,17,50 +1,35,23,21,18,12,18,27,18,17,19,20,49 +2,29,21,19,17,17,20,21,20,20,18,22,59 +1,30,19,17,18,18,24,28,23,22,17,24,47 +2,20,24,21,17,16,18,19,19,27,17,19,51 +2,27,19,15,20,11,20,18,19,28,17,18,57 +2,24,16,20,16,9,25,22,19,19,25,15,60 +1,30,21,18,21,12,19,21,15,20,21,20,59 +1,35,20,16,28,18,17,23,16,27,23,9,48 +1,29,18,15,18,15,18,24,20,25,17,13,42 +1,35,25,18,18,15,19,19,23,19,18,21,49 +2,29,80,19,16,17,20,20,24,22,19,20,44 +2,27,21,21,16,18,22,30,15,20,25,9,45 +1,26,16,22,17,14,24,19,22,18,21,13,54 +2,24,15,19,17,15,16,20,18,26,21,21,57 +1,20,16,16,18,17,15,21,19,19,21,20,60 +1,30,20,17,17,19,18,23,15,17,21,18,57 +1,35,17,18,18,10,17,24,20,28,20,21,58 +1,31,19,15,20,14,22,21,25,27,23,19,45 +1,20,28,14,20,18,19,30,24,25,20,20,51 +1,24,29,20,18,17,18,35,20,20,16,30,31 +2,27,17,22,16,12,18,30,17,27,11,31,30 +1,29,19,20,20,14,18,21,20,28,12,21,33 +1,27,24,19,16,15,19,21,17,24,12,28,60 +2,18,15,21,16,15,20,21,18,17,12,39,45 +2,19,14,22,18,17,13,20,19,18,13,27,47 +2,20,19,19,18,18,11,23,20,19,14,28,48 +2,24,17,21,19,18,11,24,19,20,18,22,40 +1,22,18,16,16,19,12,28,19,21,18,21,48 +1,24,20,17,17,19,13,20,19,16,17,20,48 +2,25,22,17,17,12,13,28,18,19,17,27,60 +1,21,23,17,17,12,18,20,20,18,18,17,55 +1,25,22,17,22,10,18,21,23,17,16,18,51 +1,22,20,18,22,11,14,23,22,17,18,19,52 +2,21,19,20,20,11,14,19,20,17,18,30,53 +2,19,19,20,21,13,14,18,21,18,17,20,59 +2,17,19,21,20,13,13,19,20,18,18,28,50 +1,18,27,16,16,14,15,18,19,19,20,27,50 +1,25,26,16,14,19,16,19,19,20,21,21,39 +2,30,26,14,15,18,17,20,18,20,17,21,57 +2,29,19,19,10,16,20,19,21,17,18,22,44 +2,28,20,18,16,18,21,30,21,17,18,23,47 +1,30,22,15,16,16,21,19,18,18,17,23,57 +1,25,19,21,16,19,23,18,19,26,19,14,58 +1,30,18,20,17,14,20,17,19,27,16,18,59 +2,18,17,21,18,16,20,17,20,26,17,17,51 +2,19,17,18,20,19,15,17,20,17,14,19,59 +1,28,20,20,18,19,11,18,17,15,11,20,52 +2,17,21,19,14,13,15,16,17,21,22,38,60 +1,6,17,9,8,8,10,10,11,8,17,19,25 +1,8,19,15,13,9,15,15,21,24,17,31,50 +1,24,21,17,11,8,20,9,25,21,18,37,60 +2,54,26,18,13,11,23,16,23,27,22,46,72 +1,16,16,13,17,13,19,16,17,18,18,37,34 +2,24,24,21,15,12,16,17,24,21,19,34,38 +1,15,19,15,7,8,13,15,17,20,21,37,51 +1,4,18,13,15,12,15,15,16,19,13,26,43 +1,21,22,16,16,8,9,11,14,20,21,30,50 +1,38,20,17,21,14,13,16,22,27,21,41,47 +1,49,23,16,14,11,14,14,20,22,23,33,52 +2,22,24,18,21,19,21,23,23,27,21,28,59 +1,3,15,7,7,6,7,10,10,11,8,17,23 +1,12,19,16,15,13,20,16,24,39,21,42,62 +2,18,22,18,18,15,17,20,21,26,22,19,38 +1,37,25,19,17,22,17,22,19,27,20,27,47 +1,21,17,14,17,15,19,16,22,25,21,41,50 +1,16,23,15,13,10,13,13,20,22,16,30,56 +1,19,20,18,11,9,20,14,21,9,19,41,55 +2,32,16,7,8,8,7,8,10,24,8,18,24 +2,3,21,19,10,10,22,10,23,24,19,37,60 +1,42,24,15,13,9,10,16,21,10,20,36,61 +1,2,15,7,11,8,7,15,7,22,7,16,24 +1,50,20,18,7,8,10,23,19,20,24,34,38 +1,37,21,19,12,16,18,14,26,23,26,29,37 +1,20,24,13,18,21,21,24,25,19,19,49,75 +2,7,17,11,15,12,13,16,15,22,13,26,40 +1,17,19,10,15,13,15,17,21,22,19,33,47 +1,24,20,18,12,11,22,13,22,25,20,40,57 +1,3,16,8,7,7,8,9,9,10,9,18,23 +1,34,20,18,10,9,21,10,24,22,19,38,59 +2,24,22,16,12,10,11,14,23,25,19,38,60 +1,21,18,14,9,9,10,11,20,23,15,30,53 +1,6,20,18,12,11,13,11,22,25,20,40,61 +1,31,16,14,12,10,13,19,15,20,11,22,33 +1,4,20,16,12,10,14,14,20,25,18,32,51 +1,7,26,19,14,12,23,16,24,28,23,46,73 +1,54,20,17,14,13,14,15,22,26,21,42,62 +1,19,20,16,8,9,14,16,18,21,22,38,52 +2,15,23,16,14,11,14,14,21,23,17,33,56 +1,24,22,17,12,13,22,12,23,27,20,46,62 +1,32,20,17,18,9,16,8,23,13,20,30,40 +1,16,16,8,12,8,7,10,11,11,8,17,23 +2,2,20,19,13,12,16,17,7,27,19,39,43 +1,28,22,19,20,18,20,23,24,27,19,39,38 +1,22,20,13,10,8,10,12,23,19,20,34,75 +1,8,23,20,16,15,14,16,13,27,23,45,53 +1,36,23,16,11,10,14,14,25,25,20,39,53 +2,21,23,16,21,14,20,17,22,22,21,30,43 +1,32,17,14,18,14,20,17,20,19,19,39,34 +1,16,21,18,18,14,18,19,18,26,22,40,46 +1,17,19,12,17,13,16,18,23,23,20,38,42 +1,18,23,20,14,13,17,16,20,28,20,40,48 +1,24,22,17,22,13,22,19,23,20,20,27,47 +1,32,25,19,23,18,23,20,22,23,23,29,56 +1,42,24,18,21,20,22,24,26,28,18,38,59 +1,4,18,12,14,13,14,15,16,18,14,25,42 +2,19,19,18,15,213,14,17,16,20,23,36,60 +1,20,18,19,16,12,15,16,15,18,25,38,59 +1,21,16,22,20,23,14,19,16,17,26,29,62 +1,17,17,17,21,15,13,11,14,18,27,34,41 +1,16,22,16,10,17,10,13,22,17,21,34,57 +2,24,21,14,9,10,17,20,16,18,20,37,49 +2,18,17,19,8,11,14,19,14,20,21,30,63 +1,37,19,20,13,18,18,18,16,21,19,23,49 +2,50,16,23,18,12,50,14,22,12,18,29,44 +2,42,14,10,12,9,49,17,20,25,17,13,54 +1,40,12,14,11,18,36,17,21,23,16,27,64 +1,35,15,19,16,10,26,16,19,24,22,28,69 +1,29,13,18,17,23,19,13,20,21,19,30,67 +1,55,18,17,15,24,60,14,14,20,23,29,57 +2,25,22,14,11,14,10,19,15,19,21,31,68 +2,33,25,16,12,13,20,13,21,17,20,29,69 +1,39,16,15,14,14,21,19,15,17,22,24,48 +1,17,23,20,10,9,18,20,16,16,19,20,58 +1,22,15,19,11,16,19,21,12,18,18,21,60 +1,25,13,22,14,12,20,22,21,19,19,22,57 +1,32,11,11,19,14,21,21,15,21,22,30,48 +2,39,24,10,11,18,21,19,20,23,20,29,49 +1,49,16,10,16,20,10,14,16,21,21,25,54 +2,26,13,14,13,11,17,17,19,20,30,30,47 +2,44,10,16,10,19,31,16,20,19,20,29,66 +1,25,9,17,7,10,29,14,17,18,18,19,49 +1,15,14,18,9,9,12,15,19,20,21,20,54 +2,50,21,19,10,20,52,36,40,36,30,29,47 +2,42,21,12,11,19,40,44,41,33,29,30,40 +1,20,22,18,17,15,14,15,24,22,21,21,55 +1,31,18,19,20,15,21,22,22,19,20,13,52 +1,19,17,14,16,9,9,14,23,25,13,20,32 +2,24,19,20,21,10,10,30,18,15,19,9,35 +2,27,23,16,17,12,11,18,15,21,20,15,56 +2,29,25,18,19,14,12,19,19,22,25,20,50 +2,30,20,20,18,16,16,20,25,23,15,18,45 +1,31,16,18,18,18,23,18,23,22,20,18,45 +2,28,16,19,16,12,24,17,24,24,14,19,51 +1,23,18,17,18,11,19,14,20,26,21,24,48 +2,29,15,20,19,16,21,18,19,20,22,22,43 +1,35,17,18,20,15,18,19,21,21,14,23,52 +1,18,25,18,21,17,20,20,23,25,23,26,39 +1,20,23,22,20,12,21,21,24,22,22,27,45 +1,35,19,18,18,19,18,22,17,19,20,21,48 +1,32,18,16,20,16,20,18,22,20,19,19,31 +1,31,20,21,18,17,21,19,18,18,18,19,60 +2,20,21,18,19,14,18,17,19,17,17,19,50 +2,19,24,21,20,10,18,20,20,14,24,16,49 +1,18,19,18,16,19,19,21,23,23,22,20,33 +2,24,20,21,18,15,29,22,24,28,21,22,39 +2,22,20,19,19,14,22,20,23,27,20,21,47 +1,21,24,20,18,13,14,18,21,19,20,20,53 +2,26,17,16,18,10,17,17,17,20,18,19,41 +1,18,18,15,17,11,16,15,20,21,16,21,52 +1,27,19,16,17,13,19,14,25,25,19,20,48 +1,29,21,20,18,12,20,20,19,20,20,19,51 +1,30,21,18,18,12,19,19,20,22,21,18,40 +1,20,20,21,20,17,20,18,24,19,22,21,55 +1,5,18,13,14,13,13,12,12,16,9,19,30 +2,25,22,17,20,16,20,20,20,20,19,30,50 +2,3,19,10,14,15,8,7,7,12,6,16,20 +2,7,21,14,15,21,14,12,12,16,11,25,30 +1,50,24,21,19,13,27,30,20,21,19,30,50 +1,16,19,16,16,21,15,16,20,20,20,40,52 +1,5,22,12,11,14,6,8,11,11,18,16,31 +1,20,17,18,16,11,20,20,20,21,16,32,52 +1,4,21,10,12,16,8,7,66,7,8,17,21 +1,23,22,15,9,8,20,10,66,20,15,31,51 +1,17,18,16,8,7,7,11,21,21,16,32,52 +1,13,16,16,7,9,10,14,22,20,17,31,40 +2,18,19,17,10,6,9,11,19,22,12,27,46 +2,2,21,6,6,7,11,7,16,7,8,17,21 +2,3,23,11,8,5,9,7,7,11,7,17,30 +2,7,21,13,10,6,7,12,8,21,10,25,36 +2,14,22,16,7,9,9,10,20,20,10,30,43 +1,20,19,17,7,11,10,10,21,18,16,36,46 +1,31,24,17,10,9,11,10,22,18,20,40,46 +1,12,21,16,9,6,11,10,17,23,17,32,56 +1,6,22,10,8,9,10,10,21,21,13,23,41 +1,3,18,19,10,10,6,12,21,20,12,30,35 +1,27,25,20,11,11,10,14,20,21,19,34,40 +1,26,23,17,12,12,11,12,20,16,17,30,52 +1,36,21,15,13,11,7,13,21,17,20,42,42 +1,31,21,16,11,10,6,11,22,20,19,39,70 +1,25,23,18,13,11,10,14,20,20,14,30,56 +1,4,19,13,16,15,14,15,14,19,10,21,32 +1,27,21,18,21,19,21,22,24,22,20,40,57 +1,2,18,9,10,9,9,10,9,15,9,18,23 +1,9,20,15,15,16,15,16,16,19,13,26,35 +1,60,23,22,20,23,30,34,24,25,20,40,55 +2,18,24,17,18,15,16,18,22,22,21,42,57 +2,4,18,14,12,10,9,10,12,12,9,18,32 +1,22,27,17,20,18,21,22,23,22,19,39,55 +2,2,18,9,13,9,9,10,8,10,9,18,23 +1,24,20,10,10,9,21,11,23,21,19,38,53 +1,19,21,17,9,10,9,12,24,22,20,40,56 +1,15,19,17,8,8,11,15,20,20,20,40,50 +2,19,21,18,11,9,10,13,20,23,15,30,48 +2,3,17,8,7,7,10,9,9,10,9,18,23 +1,4,19,12,9,8,11,9,10,12,10,20,32 +1,8,20,12,11,9,8,13,19,21,15,30,40 +1,16,22,17,9,9,10,12,21,23,18,32,47 +1,21,24,18,10,10,13,13,22,24,19,38,50 +1,32,23,18,11,12,12,12,24,26,21,42,60 +1,14,20,17,10,10,11,12,21,24,19,38,43 +1,7,20,16,10,8,12,12,18,20,14,28,38 +1,4,18,10,11,10,10,10,20,21,16,32,41 +1,29,22,18,12,11,12,15,23,26,21,42,54 +1,28,20,18,14,12,10,16,23,25,20,40,46 +1,35,22,19,15,14,14,15,24,26,22,44,72 +1,30,22,18,12,13,15,15,23,25,21,42,64 +2,24,24,17,15,12,13,15,22,24,16,32,57 +1,30,23,18,12,29,32,16,22,20,21,20,64 +2,3,18,11,10,22,37,23,13,10,10,17,22 +1,20,22,18,16,30,37,28,25,19,22,40,46 +1,34,23,20,17,34,41,24,25,18,22,40,59 +1,35,24,21,18,37,28,24,23,17,23,39,57 +1,12,20,14,12,27,33,27,18,14,14,29,57 +1,30,23,18,15,29,26,20,23,22,22,41,64 +1,15,20,14,11,23,23,15,19,17,14,30,50 +1,18,19,18,15,28,34,28,25,24,23,39,80 +1,17,21,16,13,28,25,28,22,20,18,36,79 +1,10,21,14,9,25,42,26,17,17,18,26,71 +1,25,27,20,17,37,42,28,23,20,17,37,60 +1,32,25,19,16,37,36,8,23,23,20,38,24 +1,34,22,19,17,32,38,24,24,25,19,36,59 +1,37,24,20,18,36,38,37,23,20,23,39,68 +2,1,11,6,16,13,13,14,9,9,9,13,21 +1,1,12,5,17,12,13,15,9,9,7,13,20 +2,3,11,6,15,13,12,14,9,10,8,13,22 +1,4,13,5,18,14,14,17,10,9,8,14,23 +1,3,18,8,20,20,22,20,8,12,8,15,24 +2,2,11,87,15,13,12,14,9,9,6,13,19 +2,1,12,7,16,13,12,15,10,10,8,12,20 +1,4,22,11,22,20,21,22,7,14,13,24,27 +2,3,20,10,20,20,21,22,8,14,13,23,24 +2,4,22,11,21,20,23,24,10,10,13,22,25 +1,5,22,15,20,19,18,20,19,22,12,16,45 +2,6,20,14,19,17,16,18,18,20,12,26,43 +2,7,21,15,19,17,16,18,18,21,12,37,45 +1,8,20,13,26,23,26,27,10,19,19,31,52 +2,9,23,15,26,21,20,22,13,19,18,32,55 +1,10,24,16,27,24,23,24,17,19,20,33,50 +2,11,25,16,27,28,25,28,21,22,45,49,59 +2,12,26,14,28,24,25,27,22,23,26,40,60 +1,13,28,19,27,23,24,27,21,23,26,40,62 +2,19,29,19,31,28,28,28,30,26,30,46,68 +1,20,26,17,28,21,26,28,27,26,29,40,67 +1,21,28,18,28,23,25,27,21,27,29,43,69 +2,22,20,28,19,28,22,26,28,27,26,40,68 +2,23,20,18,28,23,25,26,25,28,28,41,69 +1,24,28,18,28,23,24,26,28,27,27,42,72 +2,25,26,20,37,28,26,27,28,28,27,42,74 +1,26,26,20,38,27,28,27,27,26,25,40,85 +1,27,28,20,31,30,32,38,30,28,27,41,86 +2,20,29,20,32,28,32,32,28,29,29,42,89 +1,1,11,6,15,13,12,14,9,9,6,13,19 +2,1,11,5,16,13,13,15,9,9,6,13,20 +1,4,20,9,22,21,21,20,7,14,13,22,38 +2,4,22,11,23,22,24,24,8,17,15,26,44 +1,1,19,9,21,20,22,20,6,13,9,16,31 +1,3,18,9,22,21,22,20,7,13,9,16,20 +1,3,18,8,20,20,22,20,8,12,8,15,24 +2,1,12,7,16,13,12,14,10,10,9,13,25 +2,3,20,10,20,21,23,21,11,10,9,17,19 +2,4,22,11,22,20,21,22,7,14,13,23,27 +1,5,20,14,18,17,16,18,18,20,12,26,43 +2,6,22,15,19,18,19,15,20,20,13,28,51 +2,7,24,16,19,20,20,22,20,21,14,29,56 +1,8,24,15,20,22,21,20,21,22,16,30,61 +1,9,24,16,22,20,23,22,22,22,17,30,61 +2,10,22,13,26,23,27,26,20,16,19,31,71 +1,11,24,16,28,24,24,25,23,28,21,38,72 +2,12,25,15,17,25,24,26,22,26,20,37,71 +2,13,25,16,27,25,24,28,24,26,20,38,73 +1,15,26,17,28,24,24,25,23,25,21,39,78 +1,17,28,18,29,28,27,28,25,27,24,40,79 +2,17,26,18,29,28,28,29,26,30,25,40,79 +1,18,26,19,28,28,27,28,29,29,27,41,80 +2,18,28,19,28,28,27,28,29,29,27,41,82 +1,20,29,19,28,26,28,28,29,28,28,40,82 +2,20,28,19,29,27,27,28,27,26,28,41,87 +1,21,26,17,38,27,28,27,27,26,25,40,85 +2,21,25,18,32,28,31,31,28,27,26,41,86 +1,21,26,20,31,30,32,26,29,28,29,42,89 +1,1,11,6,15,13,12,14,9,9,6,13,20 +2,1,11,5,16,13,13,15,9,9,7,13,21 +1,1,12,5,17,12,13,15,10,9,8,13,22 +1,1,13,5,17,13,14,16,10,9,8,14,23 +2,1,14,5,18,14,14,17,10,9,8,15,24 +2,5,20,14,19,17,16,18,18,20,12,26,43 +1,5,21,15,20,18,16,18,18,21,12,27,44 +1,5,22,15,20,19,18,20,19,22,12,26,45 +1,10,22,12,25,22,26,24,7,15,4,32,51 +2,10,22,12,25,23,27,26,8,16,14,32,52 +2,10,20,13,26,23,26,27,10,19,19,31,52 +1,9,21,14,26,21,23,29,11,18,18,32,53 +1,11,23,15,26,21,20,22,13,19,19,32,54 +2,11,24,16,27,24,23,24,17,19,20,33,55 +1,11,24,16,28,27,26,28,19,20,21,34,56 +1,12,26,17,28,26,25,27,20,21,22,36,57 +1,12,26,16,27,28,25,28,21,22,24,28,59 +2,12,26,18,28,28,25,27,21,22,25,39,59 +1,13,28,18,27,22,25,27,21,23,26,40,62 +1,14,26,18,28,23,25,27,21,23,26,40,63 +2,19,26,18,30,25,26,29,28,26,28,41,65 +1,17,27,18,30,26,26,29,29,26,28,41,56 +1,19,28,26,31,28,28,29,30,26,29,42,68 +2,18,29,19,32,28,27,29,31,26,30,42,67 +1,19,29,20,31,26,26,29,30,27,30,42,69 +1,19,28,18,28,23,25,27,21,26,29,40,68 +2,20,26,17,28,21,26,28,27,26,29,40,69 +1,20,28,18,28,22,25,26,25,27,28,21,68 +1,22,26,20,27,28,26,28,27,28,28,42,72 +1,2,18,9,8,19,18,20,9,10,8,14,31 +2,2,19,9,9,20,19,21,20,11,9,16,35 +1,3,11,8,11,19,12,11,16,10,9,18,32 +2,4,18,8,10,7,16,10,20,12,10,20,35 +2,4,20,10,10,20,20,20,13,13,11,22,38 +1,4,19,10,10,20,20,20,13,13,10,11,38 +2,4,20,11,11,22,22,22,16,12,12,22,39 +1,4,20,11,10,20,20,21,18,10,12,19,37 +1,4,20,11,11,22,22,22,16,12,12,22,39 +1,5,20,10,9,22,23,24,14,15,11,22,42 +1,6,21,9,9,20,20,20,14,11,9,17,37 +2,6,21,10,6,19,20,19,12,19,9,17,38 +2,6,20,9,10,22,21,20,12,18,12,18,39 +1,8,18,18,9,19,12,9,14,11,13,21,42 +2,11,19,13,11,20,22,11,18,14,9,32,50 +1,12,21,11,9,20,22,10,17,19,19,32,50 +2,15,22,17,15,37,38,42,19,22,18,35,59 +1,18,20,19,17,44,42,46,28,19,26,37,66 +1,14,22,14,16,34,20,38,24,19,19,35,64 +2,20,21,18,19,34,37,39,22,17,15,33,59 +1,29,23,21,19,42,38,44,28,22,18,37,66 +1,37,22,17,14,33,33,37,25,24,23,41,68 +2,49,24,19,17,46,48,63,20,24,15,34,60 +2,52,22,16,17,41,14,45,19,16,17,33,60 +2,23,22,18,16,45,47,62,19,21,17,33,62 +1,40,22,18,14,45,45,46,25,27,22,39,70 +1,51,23,19,15,37,36,39,24,22,20,36,65 +1,65,22,18,16,36,39,41,24,31,25,39,68 +1,62,24,21,20,47,45,44,23,30,23,38,67 +1,65,22,18,16,36,39,41,24,31,25,39,68 +1,46,22,21,18,45,43,45,22,32,23,36,64 +1,65,23,17,16,40,39,40,25,30,24,37,64 +1,44,25,19,17,42,44,44,24,26,27,40,69 +1,40,22,18,14,45,45,46,25,27,22,39,70 +1,68,21,18,17,36,37,37,23,23,19,36,64 +1,44,23,19,17,43,44,45,24,31,24,36,67 +1,37,22,17,15,33,33,37,25,24,23,41,68 +1,51,23,19,15,37,36,39,24,22,20,36,65 +1,39,22,17,16,35,36,37,25,22,23,36,67 +1,51,22,18,19,32,35,39,22,27,24,38,68 +1,29,23,21,17,42,38,44,28,22,18,37,66 +1,18,20,19,16,44,42,46,28,19,20,38,64 +2,18,21,15,15,35,38,40,22,18,19,34,60 +2,16,22,18,20,31,32,32,21,18,19,35,61 +2,18,23,19,23,32,37,40,23,19,22,37,59 +2,24,23,16,17,40,41,45,21,22,21,37,65 +2,52,22,16,9,41,41,45,19,16,17,33,60 +2,1,19,9,16,20,18,21,19,11,9,16,35 +1,14,22,18,17,37,20,38,24,17,19,35,64 +2,49,24,19,15,46,48,63,20,22,15,34,60 +2,15,22,17,10,37,38,42,19,21,18,35,59 +1,8,21,11,9,23,24,26,16,17,12,26,49 +1,5,20,10,8,22,23,24,14,15,11,22,42 +1,1,18,9,16,19,18,20,9,10,7,13,31 +2,28,22,18,16,45,47,62,19,21,17,33,62 +2,21,22,18,19,43,45,59,19,20,16,33,60 +2,20,21,18,19,34,37,39,22,17,15,33,59 +1,10,20,14,12,24,25,12,19,14,14,30,52 +1,7,19,11,9,13,22,9,15,13,13,20,45 +1,7,20,12,10,22,22,11,16,14,12,26,47 +1,6,21,9,9,20,20,10,14,11,9,17,37 +1,7,20,12,9,11,23,9,14,17,23,20,41 +1,12,21,11,9,10,22,10,17,19,29,22,50 +1,10,21,12,9,10,22,12,15,18,24,25,44 +1,7,21,11,8,11,22,11,13,11,9,21,46 +1,6,20,12,9,10,23,10,12,17,12,22,45 +1,7,21,13,11,10,21,10,13,17,12,22,45 +1,9,20,11,10,23,24,11,18,13,13,28,50 +1,6,20,9,9,20,20,10,14,11,9,17,37 +1,6,20,10,9,20,20,10,14,11,9,17,36 +1,6,21,10,6,20,21,10,13,12,9,18,37 +2,6,21,9,10,19,20,9,12,19,9,17,38 +2,6,20,9,10,22,21,10,12,18,12,18,39 +2,6,19,4,9,20,20,11,13,12,9,19,37 +2,6,20,5,10,20,20,10,14,11,9,17,36 +2,6,20,14,12,21,22,11,13,12,9,16,37 +2,9,20,13,13,24,25,12,19,14,14,30,50 +2,7,21,9,9,20,22,12,20,13,9,31,51 +2,6,20,9,9,20,20,10,14,11,9,17,37 +2,9,20,11,13,21,20,9,13,12,9,18,37 +2,10,22,14,12,24,24,13,18,14,14,35,50 +2,12,19,14,11,23,21,11,19,13,14,31,51 +2,11,19,13,12,20,22,11,18,14,9,32,50 +2,10,20,13,11,21,20,10,19,13,9,35,55 +2,6,19,14,11,20,22,10,19,18,9,30,36 +1,10,19,19,11,21,13,10,15,12,14,22,43 +1,11,19,19,10,11,12,12,17,19,15,25,43 +1,13,20,20,13,22,12,11,19,22,18,29,47 +1,12,20,19,13,21,12,11,19,21,18,29,46 +1,14,21,20,15,22,13,13,21,23,19,30,48 +1,14,21,19,14,21,12,11,20,21,18,31,49 +1,15,22,19,13,20,11,10,19,20,17,17,46 +1,10,19,19,11,21,13,11,16,12,14,22,43 +2,10,19,18,12,22,12,12,15,12,14,21,43 +1,8,18,18,9,19,12,9,14,11,13,21,42 +1,9,19,19,10,20,13,10,15,12,14,22,43 +2,6,22,9,10,18,21,22,14,11,23,24,39 +1,10,20,14,11,24,25,27,20,18,16,28,28 +1,8,19,13,11,21,22,24,17,15,19,21,43 +2,7,20,13,10,20,25,24,16,23,18,21,41 +2,8,20,13,10,22,23,24,18,19,17,25,44 +2,8,19,13,9,29,23,25,18,16,17,24,44 +1,9,20,13,11,24,24,25,18,15,17,26,47 +1,8,21,13,11,23,26,25,18,16,17,26,46 +1,8,18,11,9,20,12,24,17,15,16,23,44 +2,10,20,14,10,26,26,28,18,16,16,28,48 +2,8,22,12,9,20,23,23,18,13,17,23,44 +2,10,24,13,10,25,27,26,20,16,15,26,47 +2,8,21,11,10,22,23,26,17,15,15,27,48 +2,13,22,14,14,24,27,28,23,22,19,33,54 +2,11,20,13,11,22,23,23,27,23,16,17,52 +2,13,22,14,14,24,27,28,23,22,19,32,54 +2,11,21,13,12,23,25,26,17,17,19,29,51 +1,4,19,10,10,20,20,20,13,13,10,22,38 +1,11,21,14,12,22,24,25,18,17,28,28,45 +2,12,21,15,12,24,26,28,18,17,15,28,44 +2,4,20,10,10,20,20,20,13,13,10,22,38 +1,11,20,13,11,22,23,23,27,22,16,17,52 +2,8,20,14,12,24,26,11,17,16,16,26,48 +1,15,22,14,14,27,28,23,22,19,23,13,54 +1,8,22,9,10,18,21,22,14,11,23,24,39 +2,10,24,13,10,25,27,26,20,16,15,26,47 +2,10,20,14,11,21,23,11,17,19,15,25,46 +2,7,20,13,10,20,25,24,16,23,18,21,44 +1,11,20,12,13,24,25,27,24,16,18,31,43 +2,9,20,10,13,22,10,12,23,15,13,26,45 +1,6,19,9,11,20,11,13,18,12,12,22,41 +1,6,21,10,12,22,9,12,19,13,12,23,43 +1,7,16,10,11,20,10,14,20,11,13,25,43 +2,7,19,10,13,21,11,11,16,13,13,23,43 +1,9,20,10,12,19,9,11,19,13,13,25,45 +2,8,20,10,13,19,10,14,19,11,12,25,42 +1,10,20,12,17,23,11,14,23,14,15,29,51 +1,9,21,10,12,21,12,13,21,13,14,26,46 +2,9,20,11,12,20,10,14,21,11,14,28,48 +1,12,20,12,12,21,12,13,24,13,15,28,49 +1,9,20,10,13,21,12,13,20,12,13,24,44 +1,7,21,11,13,22,12,11,21,12,12,24,44 +1,8,20,10,12,19,10,11,18,13,12,24,43 +1,5,20,9,12,19,10,12,18,12,19,20,39 +1,5,19,9,11,20,11,10,17,12,11,22,39 +2,12,18,8,10,17,6,9,12,9,10,20,35 +2,8,20,9,11,21,11,14,20,12,13,24,44 +1,10,20,12,17,23,11,17,23,14,15,29,42 +1,5,19,8,11,20,11,15,12,1,22,24,45 +2,10,20,11,15,21,12,13,22,13,15,28,48 +2,12,20,10,14,21,12,25,22,14,14,27,47 +2,13,20,11,16,21,14,14,22,14,15,30,52 +2,12,19,10,14,21,11,14,17,13,14,27,46 +2,9,21,11,12,21,12,11,22,13,14,26,46 +2,6,19,10,12,20,10,10,21,12,11,22,38 +1,3,19,8,11,19,7,13,18,10,9,18,32 +2,13,20,12,14,23,13,15,16,13,16,30,51 +2,13,20,14,15,24,12,15,25,13,17,31,51 +2,18,20,14,13,24,26,11,17,16,16,26,48 +1,11,20,14,13,23,23,13,17,19,17,26,33 +1,9,20,13,11,21,22,11,17,16,15,25,46 +2,10,24,12,13,23,24,24,22,19,17,30,49 +2,10,20,14,11,21,23,11,17,22,15,25,46 +2,13,22,14,14,24,27,28,23,18,19,33,54 +1,10,24,12,13,23,24,24,22,23,17,30,49 +2,7,20,13,10,20,25,24,16,17,18,21,44 +2,11,21,13,12,23,25,26,17,16,19,29,51 +2,18,20,14,13,24,26,11,17,16,16,26,48 +2,9,13,13,11,21,22,11,17,13,15,25,46 +2,4,20,10,10,20,20,20,13,20,10,22,38 +2,10,20,14,11,21,23,27,26,16,16,15,48 +1,11,20,13,22,23,23,27,23,19,15,22,38 +2,10,20,14,11,21,25,11,17,17,15,25,46 +2,11,21,13,12,23,25,26,17,23,19,29,51 +2,7,20,13,10,20,18,24,16,14,18,21,44 +1,6,22,9,10,10,23,21,22,19,11,23,39 +1,10,20,14,11,21,18,11,17,13,15,25,46 +1,8,19,19,10,20,24,20,13,16,16,22,38 +2,10,24,12,13,23,27,22,18,22,17,20,49 +2,13,22,14,14,24,25,28,23,14,19,33,54 +1,8,20,11,10,21,21,25,17,19,16,29,26 +1,8,21,12,11,21,22,24,17,16,18,26,47 +2,9,20,13,11,21,12,11,17,15,15,25,46 +1,8,18,11,11,20,27,24,17,22,16,23,44 +2,13,22,14,19,24,25,28,23,16,19,33,54 +1,11,20,12,14,24,23,27,24,16,18,31,53 +2,11,20,13,13,22,23,27,23,16,17,32,52 +2,8,18,14,11,20,23,23,13,21,25,23,49 +2,11,20,14,12,22,24,24,10,20,24,23,38 +2,10,21,13,13,21,22,24,22,19,15,25,46 +2,8,21,19,12,21,21,23,13,21,25,23,49 +2,8,21,11,15,20,23,26,17,15,15,27,48 +2,4,19,10,10,20,20,20,13,13,10,22,38 +2,9,20,13,11,24,24,25,18,15,17,26,47 +1,4,19,10,10,20,20,20,13,13,10,22,38 +1,11,20,12,13,24,25,27,16,18,10,31,53 +1,2,20,13,10,20,25,24,16,23,18,21,44 +2,10,24,13,10,25,27,26,20,16,15,26,47 +1,11,21,13,12,23,20,25,13,19,25,23,38 +1,13,20,19,15,22,20,26,18,15,10,25,49 +1,9,18,14,11,20,23,22,13,19,25,23,46 +2,10,20,11,15,20,23,27,22,19,15,27,47 +2,13,21,10,11,24,21,23,13,15,10,28,54 +2,12,21,15,12,27,22,24,14,16,11,27,56 +1,9,20,13,11,21,22,11,17,16,15,25,46 +1,11,19,10,11,24,25,20,17,18,10,22,38 +2,9,20,13,11,20,23,12,18,17,15,26,38 +1,8,20,12,10,24,24,11,13,13,11,22,47 +2,6,22,9,10,10,18,21,22,14,10,23,29 +1,11,21,13,12,20,16,20,16,19,15,27,29 +,9,20,13,11,21,24,11,22,14,15,25,44 +2,12,21,15,12,24,26,28,18,17,24,28,47 +2,11,21,13,13,21,22,15,21,25,25,27,54 +1,8,22,9,10,18,21,22,19,26,15,27,44 +2,7,20,13,10,20,25,24,16,23,16,21,44 +1,8,18,11,9,20,12,24,17,15,16,23,44 +1,6,21,6,19,19,23,23,20,14,17,20,37 +1,5,21,5,9,18,21,21,19,12,13,23,41 +2,4,20,11,11,22,22,22,16,12,12,22,39 +2,5,20,12,10,20,21,23,18,16,14,19,30 +2,6,20,11,10,21,21,20,20,13,13,22,32 +1,6,21,11,11,22,22,21,19,13,12,21,32 +2,7,21,11,11,20,22,23,18,12,11,22,30 +2,6,20,13,11,21,22,24,15,14,12,24,44 +1,4,20,11,10,20,20,21,18,10,12,19,37 +2,12,21,14,14,26,29,31,17,31,17,33,55 +2,5,19,11,11,22,22,22,15,15,12,24,44 +2,13,23,14,12,24,20,31,21,17,18,34,57 +2,14,21,14,13,23,24,26,21,12,18,33,57 +1,11,21,13,11,21,24,25,19,10,14,50,52 +2,12,21,12,11,24,20,28,20,10,16,13,53 +2,9,20,12,11,21,24,25,17,16,16,27,48 +2,5,21,10,10,21,22,24,12,11,12,23,32 +2,12,24,14,11,23,25,28,22,18,15,34,58 +1,7,20,12,11,22,24,26,16,13,14,26,46 +1,6,20,12,11,22,24,24,16,15,14,27,45 +2,13,23,15,12,24,27,30,27,21,20,37,59 +2,11,20,12,11,23,24,26,17,15,14,29,49 +2,11,20,12,11,22,25,27,19,15,17,33,51 +1,4,20,11,11,22,22,22,16,12,12,22,39 +2,11,21,13,14,23,22,11,12,21,17,22,39 +2,13,23,12,11,22,21,26,20,16,17,13,53 +2,15,5,13,23,22,11,16,16,14,18,50,52 +2,13,23,15,12,24,27,30,12,15,4,29,49 +2,11,20,12,11,22,25,29,19,18,12,24,44 +2,9,20,10,12,21,20,13,20,14,14,24,45 +2,8,16,11,13,20,21,14,19,12,14,24,44 +2,9,20,12,13,19,13,14,21,12,15,26,46 +2,9,20,11,13,22,12,14,22,13,14,26,48 +2,8,19,10,12,20,12,12,20,13,13,24,45 +1,4,19,10,12,21,11,11,17,11,11,21,38 +1,4,20,9,11,19,10,10,18,13,10,18,38 +1,4,20,9,13,19,10,11,19,11,11,21,37 +2,3,19,9,10,18,10,11,16,10,11,20,36 +2,3,20,10,10,18,9,11,16,11,10,18,38 +2,3,19,10,11,19,9,11,17,11,11,20,38 +2,3,19,10,12,20,10,11,17,11,11,21,39 +1,3,20,8,11,20,9,10,15,10,10,17,36 +2,4,20,9,10,19,10,10,17,12,12,22,38 +2,4,20,9,12,19,9,11,17,12,11,21,37 +2,13,21,11,14,23,13,15,24,15,19,29,54 +2,14,21,14,15,25,12,16,27,14,16,30,53 +2,16,22,13,15,24,12,14,27,16,19,34,54 +2,15,20,13,15,24,13,13,24,15,16,24,54 +1,17,21,13,16,27,14,17,26,15,19,34,55 +2,10,22,11,14,21,10,11,22,13,14,27,44 +2,15,21,13,14,24,13,14,25,14,16,32,53 +2,17,21,13,14,24,13,14,25,14,17,33,53 +2,16,21,13,15,26,13,16,25,16,16,30,52 +2,18,20,13,18,25,15,17,29,21,21,38,58 +2,19,19,13,21,29,16,18,29,19,19,35,58 +1,6,20,11,12,20,9,13,21,13,11,23,44 +1,6,18,11,13,19,9,12,20,12,12,23,44 +1,7,20,11,14,22,10,13,21,13,12,25,44 +1,5,19,10,10,21,20,9,13,13,11,21,39 +1,7,21,14,12,22,23,13,18,16,15,24,48 +1,6,20,11,10,22,22,12,17,14,15,23,43 +2,6,19,10,11,21,11,10,15,11,15,21,40 +1,6,20,11,12,21,11,12,16,13,14,22,43 +2,8,20,13,11,23,13,13,17,15,15,23,44 +2,6,20,11,10,20,11,10,16,13,14,21,41 +2,6,21,11,10,22,12,11,16,14,15,24,44 +2,7,21,14,12,23,13,12,17,15,16,27,48 +2,6,20,13,12,21,13,12,17,14,13,21,48 +2,7,20,12,13,22,13,12,18,15,15,24,48 +2,6,20,11,12,20,11,11,15,12,15,21,40 +1,7,21,10,13,21,12,12,16,13,16,24,45 +2,6,21,11,11,19,12,11,13,13,12,20,38 +2,7,20,11,12,23,13,13,16,14,14,22,43 +2,7,21,12,12,20,12,12,17,13,15,21,45 +1,7,20,10,13,23,12,13,17,13,16,23,45 +1,6,20,11,11,20,13,11,15,13,13,20,39 +2,5,20,12,12,20,12,11,15,13,13,19,39 +2,5,19,11,12,23,13,12,15,13,14,22,40 +1,5,20,10,11,21,11,11,15,12,12,20,39 +1,6,21,12,11,20,12,11,15,12,14,22,41 +1,7,21,14,13,23,13,12,18,14,15,25,47 +1,11,20,11,12,23,13,12,19,17,17,26,50 +1,5,20,12,10,21,11,11,14,13,11,19,38 +1,4,20,12,13,23,13,12,14,13,12,19,38 +1,5,20,11,10,10,11,10,13,10,13,22,41 +2,6,20,11,11,20,11,11,14,14,13,23,40 +2,7,21,11,12,22,13,11,16,14,14,25,44 +2,8,23,13,10,23,11,13,17,14,16,27,49 +2,10,22,12,13,24,12,15,17,14,16,26,51 +2,10,22,11,12,22,11,14,16,15,14,23,48 +2,10,22,12,13,23,11,14,16,18,14,24,47 +2,11,22,14,13,24,12,14,19,18,14,25,52 +2,11,20,11,13,24,12,12,17,15,14,27,49 +2,13,22,12,12,24,12,14,19,15,16,30,55 +2,11,21,13,13,24,10,14,18,16,11,27,52 +2,12,22,13,14,26,12,17,20,18,14,29,53 +2,11,22,12,12,21,10,12,18,17,13,26,49 +1,13,20,15,13,23,13,16,17,16,14,28,49 +1,12,21,13,13,23,12,14,17,14,15,27,52 +1,10,21,14,12,23,12,12,18,15,15,25,49 +1,13,21,14,14,23,14,13,20,17,17,31,54 +1,12,21,15,12,23,12,13,20,19,14,30,52 +1,11,20,12,12,23,10,11,19,15,15,26,48 +1,9,22,14,12,24,13,12,18,15,16,27,48 +1,10,21,14,11,24,10,17,18,17,13,26,54 +1,7,20,10,9,22,9,13,13,12,13,23,44 +2,8,21,11,11,21,10,13,15,13,11,24,45 +2,10,21,10,13,24,10,17,18,11,14,29,50 +1,13,21,15,11,22,10,16,19,13,15,30,55 +1,12,21,13,12,24,11,15,17,14,15,30,57 +2,10,21,13,11,21,11,14,15,12,11,28,52 +2,7,21,11,9,20,9,10,13,10,9,24,44 +1,5,20,10,9,20,8,10,13,11,9,20,39 +1,5,20,10,9,20,8,10,13,11,10,20,39 +2,4,19,11,9,20,8,13,11,10,10,19,37 +2,8,21,13,13,23,13,13,10,12,13,25,45 +2,8,20,14,12,22,11,10,10,12,14,23,43 +2,10,21,13,13,23,12,11,20,13,15,24,44 +2,8,20,12,11,22,11,10,18,12,14,23,43 +2,8,21,13,11,22,11,11,16,12,14,23,43 +2,7,20,11,11,20,10,10,14,10,11,21,40 +2,7,20,13,11,23,11,11,16,12,14,23,45 +2,9,20,14,13,24,12,12,17,14,13,23,45 +2,11,21,11,13,21,10,10,17,12,15,25,49 +2,10,20,13,12,21,12,12,16,13,13,24,46 +2,11,22,11,14,23,12,12,18,17,12,26,49 +2,13,21,12,13,24,12,11,18,16,16,27,50 +1,12,20,11,12,23,11,12,18,15,14,25,50 +1,12,19,13,12,23,12,12,18,15,16,26,51 +1,12,21,14,13,22,12,12,17,16,14,27,50 +1,12,19,10,14,23,12,12,18,17,13,25,51 +1,11,20,11,12,23,11,11,17,15,13,29,47 +1,14,20,11,13,24,10,11,18,16,12,20,49 +1,8,19,11,11,22,9,11,15,13,16,17,44 +1,5,20,10,11,22,8,8,13,18,13,19,36 +2,7,21,10,8,20,11,10,14,10,10,23,40 +2,7,21,14,12,21,13,12,15,11,11,27,43 +2,7,21,14,12,23,13,12,17,15,14,26,48 +1,11,20,12,13,23,13,11,19,17,16,25,50 +1,7,21,11,12,23,11,12,18,14,17,21,47 +2,6,20,11,12,20,12,11,15,12,15,20,40 +1,7,19,10,13,21,12,12,16,13,14,25,38 +1,8,22,10,11,20,20,12,17,14,12,21,47 +1,5,19,10,10,21,12,9,13,13,11,21,39 +1,8,20,12,11,23,13,13,17,15,13,21,41 +2,6,20,13,11,21,22,24,15,14,12,24,44 +2,4,20,11,11,22,22,22,16,12,12,22,39 +1,12,20,13,12,23,26,27,19,16,20,25,49 +1,15,20,17,15,23,17,24,24,20,19,23,57 +1,13,20,12,15,22,24,25,17,17,20,32,50 +1,12,21,14,12,26,11,14,20,17,14,29,50 +1,11,20,13,11,22,12,14,18,19,13,25,49 +1,13,19,16,14,22,13,28,18,21,12,34,52 +2,7,20,12,11,23,23,23,20,17,15,24,43 +2,5,20,11,10,21,21,23,19,13,13,21,39 +2,7,20,11,9,19,21,21,19,13,13,21,39 +1,5,21,12,9,10,21,21,19,13,13,23,41 +2,7,21,11,11,20,22,21,19,12,12,21,31 +2,6,20,11,10,21,21,20,20,15,13,22,32 +2,7,20,11,10,20,21,20,18,17,15,15,31 +2,5,21,12,12,21,21,26,21,13,20,20,40 +2,5,20,11,11,21,21,23,20,12,20,21,34 +2,6,21,13,11,20,22,24,17,12,21,22,39 +1,17,21,11,14,26,25,18,21,19,19,34,59 +2,5,21,15,11,22,23,23,17,15,13,22,43 +1,13,21,8,12,22,14,29,27,22,16,25,23 +2,2,18,15,8,20,19,20,14,13,11,18,32 +1,10,20,12,12,22,14,29,27,22,16,25,23 +2,10,21,12,12,22,24,26,21,15,14,25,45 +2,13,22,6,14,25,18,30,21,20,16,33,59 +1,10,21,11,12,22,2,26,21,15,14,25,45 +1,4,20,17,11,22,22,22,17,12,12,22,40 +1,13,20,15,14,25,18,30,21,20,16,33,59 +2,4,20,15,10,20,20,21,18,10,12,19,37 diff --git a/elasticnet/tests/industry_plant.csv b/elasticnet/tests/industry_plant.csv new file mode 100644 index 0000000..26c9a5f --- /dev/null +++ b/elasticnet/tests/industry_plant.csv @@ -0,0 +1,9569 @@ +AT,V,AP,RH,PE +14.96,41.76,1024.07,73.17,463.26 +25.18,62.96,1020.04,59.08,444.37 +5.11,39.4,1012.16,92.14,488.56 +20.86,57.32,1010.24,76.64,446.48 +10.82,37.5,1009.23,96.62,473.9 +26.27,59.44,1012.23,58.77,443.67 +15.89,43.96,1014.02,75.24,467.35 +9.48,44.71,1019.12,66.43,478.42 +14.64,45,1021.78,41.25,475.98 +11.74,43.56,1015.14,70.72,477.5 +17.99,43.72,1008.64,75.04,453.02 +20.14,46.93,1014.66,64.22,453.99 +24.34,73.5,1011.31,84.15,440.29 +25.71,58.59,1012.77,61.83,451.28 +26.19,69.34,1009.48,87.59,433.99 +21.42,43.79,1015.76,43.08,462.19 +18.21,45,1022.86,48.84,467.54 +11.04,41.74,1022.6,77.51,477.2 +14.45,52.75,1023.97,63.59,459.85 +13.97,38.47,1015.15,55.28,464.3 +17.76,42.42,1009.09,66.26,468.27 +5.41,40.07,1019.16,64.77,495.24 +7.76,42.28,1008.52,83.31,483.8 +27.23,63.9,1014.3,47.19,443.61 +27.36,48.6,1003.18,54.93,436.06 +27.47,70.72,1009.97,74.62,443.25 +14.6,39.31,1011.11,72.52,464.16 +7.91,39.96,1023.57,88.44,475.52 +5.81,35.79,1012.14,92.28,484.41 +30.53,65.18,1012.69,41.85,437.89 +23.87,63.94,1019.02,44.28,445.11 +26.09,58.41,1013.64,64.58,438.86 +29.27,66.85,1011.11,63.25,440.98 +27.38,74.16,1010.08,78.61,436.65 +24.81,63.94,1018.76,44.51,444.26 +12.75,44.03,1007.29,89.46,465.86 +24.66,63.73,1011.4,74.52,444.37 +16.38,47.45,1010.08,88.86,450.69 +13.91,39.35,1014.69,75.51,469.02 +23.18,51.3,1012.04,78.64,448.86 +22.47,47.45,1007.62,76.65,447.14 +13.39,44.85,1017.24,80.44,469.18 +9.28,41.54,1018.33,79.89,482.8 +11.82,42.86,1014.12,88.28,476.7 +10.27,40.64,1020.63,84.6,474.99 +22.92,63.94,1019.28,42.69,444.22 +16,37.87,1020.24,78.41,461.33 +21.22,43.43,1010.96,61.07,448.06 +13.46,44.71,1014.51,50,474.6 +9.39,40.11,1029.14,77.29,473.05 +31.07,73.5,1010.58,43.66,432.06 +12.82,38.62,1018.71,83.8,467.41 +32.57,78.92,1011.6,66.47,430.12 +8.11,42.18,1014.82,93.09,473.62 +13.92,39.39,1012.94,80.52,471.81 +23.04,59.43,1010.23,68.99,442.99 +27.31,64.44,1014.65,57.27,442.77 +5.91,39.33,1010.18,95.53,491.49 +25.26,61.08,1013.68,71.72,447.46 +27.97,58.84,1002.25,57.88,446.11 +26.08,52.3,1007.03,63.34,442.44 +29.01,65.71,1013.61,48.07,446.22 +12.18,40.1,1016.67,91.87,471.49 +13.76,45.87,1008.89,87.27,463.5 +25.5,58.79,1016.02,64.4,440.01 +28.26,65.34,1014.56,43.4,441.03 +21.39,62.96,1019.49,72.24,452.68 +7.26,40.69,1020.43,90.22,474.91 +10.54,34.03,1018.71,74,478.77 +27.71,74.34,998.14,71.85,434.2 +23.11,68.3,1017.83,86.62,437.91 +7.51,41.01,1024.61,97.41,477.61 +26.46,74.67,1016.65,84.44,431.65 +29.34,74.34,998.58,81.55,430.57 +10.32,42.28,1008.82,75.66,481.09 +22.74,61.02,1009.56,79.41,445.56 +13.48,39.85,1012.71,58.91,475.74 +25.52,69.75,1010.36,90.06,435.12 +21.58,67.25,1017.39,79,446.15 +27.66,76.86,1001.31,69.47,436.64 +26.96,69.45,1013.89,51.47,436.69 +12.29,42.18,1016.53,83.13,468.75 +15.86,43.02,1012.18,40.33,466.6 +13.87,45.08,1024.42,81.69,465.48 +24.09,73.68,1014.93,94.55,441.34 +20.45,69.45,1012.53,91.81,441.83 +15.07,39.3,1019,63.62,464.7 +32.72,69.75,1009.6,49.35,437.99 +18.23,58.96,1015.55,69.61,459.12 +35.56,68.94,1006.56,38.75,429.69 +18.36,51.43,1010.57,90.17,459.8 +26.35,64.05,1009.81,81.24,433.63 +25.92,60.95,1014.62,48.46,442.84 +8.01,41.66,1014.49,76.72,485.13 +19.63,52.72,1025.09,51.16,459.12 +20.02,67.32,1012.05,76.34,445.31 +10.08,40.72,1022.7,67.3,480.8 +27.23,66.48,1005.23,52.38,432.55 +23.37,63.77,1013.42,76.44,443.86 +18.74,59.21,1018.3,91.55,449.77 +14.81,43.69,1017.19,71.9,470.71 +23.1,51.3,1011.93,80.05,452.17 +10.72,41.38,1021.6,63.77,478.29 +29.46,71.94,1006.96,62.26,428.54 +8.1,40.64,1020.66,89.04,478.27 +27.29,62.66,1007.63,58.02,439.58 +17.1,49.69,1005.53,81.82,457.32 +11.49,44.2,1018.79,91.14,475.51 +23.69,65.59,1010.85,88.92,439.66 +13.51,40.89,1011.03,84.83,471.99 +9.64,39.35,1015.1,91.76,479.81 +25.65,78.92,1010.83,86.56,434.78 +21.59,61.87,1011.18,57.21,446.58 +27.98,58.33,1013.92,54.25,437.76 +18.8,39.72,1001.24,63.8,459.36 +18.28,44.71,1016.99,33.71,462.28 +13.55,43.48,1016.08,67.25,464.33 +22.99,46.21,1010.71,60.11,444.36 +23.94,59.39,1014.32,74.55,438.64 +13.74,34.03,1018.69,67.34,470.49 +21.3,41.1,1001.86,42.75,455.13 +27.54,66.93,1017.06,55.2,450.22 +24.81,63.73,1009.34,83.61,440.43 +4.97,42.85,1014.02,88.78,482.98 +15.22,50.88,1014.19,100.12,460.44 +23.88,54.2,1012.81,64.52,444.97 +33.01,68.67,1005.2,51.41,433.94 +25.98,73.18,1012.28,85.78,439.73 +28.18,73.88,1005.89,75.41,434.48 +21.67,60.84,1017.93,81.63,442.33 +17.67,45.09,1014.26,51.92,457.67 +21.37,57.76,1018.8,70.12,454.66 +28.69,67.25,1017.71,53.83,432.21 +16.61,43.77,1012.25,77.23,457.66 +27.91,63.76,1010.27,65.67,435.21 +20.97,47.43,1007.64,71.18,448.22 +10.8,41.66,1013.79,81.96,475.51 +20.61,62.91,1013.24,79.54,446.53 +25.45,57.32,1011.7,47.09,441.3 +30.16,69.34,1007.67,57.69,433.54 +4.99,39.04,1020.45,78.89,472.52 +10.51,44.78,1012.59,85.29,474.77 +33.79,69.05,1001.62,40.13,435.1 +21.34,59.8,1016.92,77.06,450.74 +23.4,65.06,1014.32,67.38,442.7 +32.21,68.14,1003.34,62.44,426.56 +14.26,42.32,1016,77.43,463.71 +27.71,66.93,1016.85,58.77,447.06 +21.95,57.76,1018.02,67.72,452.27 +25.76,63.94,1018.49,42.14,445.78 +23.68,68.3,1017.93,84.16,438.65 +8.28,40.77,1011.55,89.79,480.15 +23.44,62.52,1016.46,67.21,447.19 +25.32,48.41,1008.47,72.14,443.04 +3.94,39.9,1008.06,97.49,488.81 +17.3,57.76,1016.26,87.74,455.75 +18.2,49.39,1018.83,96.3,455.86 +21.43,46.97,1013.94,61.25,457.68 +11.16,40.05,1014.95,88.38,479.11 +30.38,74.16,1007.44,74.77,432.84 +23.36,62.52,1016.18,68.18,448.37 +21.69,47.45,1007.56,77.2,447.06 +23.62,49.21,1014.1,49.54,443.53 +21.87,61.45,1011.13,92.22,445.21 +29.25,66.51,1015.53,33.65,441.7 +20.03,66.86,1013.05,64.59,450.93 +18.14,49.78,1002.95,100.09,451.44 +24.23,56.89,1012.32,68.04,441.29 +18.11,44.85,1014.48,48.94,458.85 +6.57,43.65,1018.24,74.47,481.46 +12.56,43.41,1016.93,81.02,467.19 +13.4,41.58,1020.5,71.17,461.54 +27.1,52.84,1006.28,53.85,439.08 +14.28,42.74,1028.79,70.67,467.22 +16.29,44.34,1019.49,59.36,468.8 +31.24,71.98,1004.66,57.17,426.93 +10.57,37.73,1024.36,70.29,474.65 +13.8,44.21,1022.93,83.37,468.97 +25.3,71.58,1010.18,87.36,433.97 +18.06,50.16,1009.52,100.09,450.53 +25.42,59.04,1011.98,68.78,444.51 +15.07,40.69,1015.29,70.98,469.03 +11.75,71.14,1019.36,75.68,466.56 +20.23,52.05,1012.15,47.49,457.57 +27.31,59.54,1006.24,71.99,440.13 +28.57,69.84,1003.57,66.55,433.24 +17.9,43.72,1008.64,74.73,452.55 +23.83,71.37,1002.04,64.78,443.29 +27.92,74.99,1005.47,75.13,431.76 +17.34,44.78,1007.81,56.38,454.97 +17.94,63.07,1012.42,94.35,456.7 +6.4,39.9,1007.75,86.55,486.03 +11.78,39.96,1011.37,82.95,472.79 +20.28,57.25,1010.12,88.42,452.03 +21.04,54.2,1012.26,85.61,443.41 +25.11,67.32,1014.49,58.39,441.93 +30.28,70.98,1007.51,74.28,432.64 +8.14,36.24,1013.15,87.85,480.25 +16.86,39.63,1004.47,83.5,466.68 +6.25,40.07,1020.19,65.24,494.39 +22.35,54.42,1012.46,75.01,454.72 +17.98,56.85,1012.28,84.52,448.71 +21.19,42.48,1013.43,80.52,469.76 +20.94,44.89,1009.64,75.14,450.71 +24.23,58.79,1009.8,75.75,444.01 +19.18,58.2,1017.46,76.72,453.2 +20.88,57.85,1012.39,85.47,450.87 +23.67,63.86,1019.67,57.95,441.73 +14.12,39.52,1018.41,78.32,465.09 +25.23,64.63,1020.59,52.2,447.28 +6.54,39.33,1011.54,93.69,491.16 +20.08,62.52,1017.99,75.74,450.98 +24.67,63.56,1013.75,67.56,446.3 +27.82,79.74,1008.37,69.46,436.48 +15.55,42.03,1017.41,74.58,460.84 +24.26,69.51,1013.43,53.23,442.56 +13.45,41.49,1020.19,88.72,467.3 +11.06,40.64,1021.47,96.16,479.13 +24.91,52.3,1008.72,68.26,441.15 +22.39,59.04,1011.78,86.39,445.52 +11.95,40.69,1015.62,85.34,475.4 +14.85,40.69,1014.91,72.64,469.3 +10.11,41.62,1017.17,97.82,463.57 +23.67,68.67,1006.71,77.22,445.32 +16.14,44.21,1020.36,80.59,461.03 +15.11,43.13,1014.99,46.91,466.74 +24.14,59.87,1018.47,57.76,444.04 +30.08,67.25,1017.6,53.09,434.01 +14.77,44.9,1020.5,84.31,465.23 +27.6,69.34,1009.63,71.58,440.6 +13.89,44.84,1023.66,92.97,466.74 +26.85,75.6,1017.43,74.55,433.48 +12.41,40.96,1023.36,78.96,473.59 +13.08,41.74,1020.75,64.44,474.81 +18.93,44.06,1017.58,68.23,454.75 +20.5,49.69,1009.6,70.81,452.94 +30.72,69.13,1009.94,61.66,435.83 +7.55,39.22,1014.53,77.76,482.19 +13.49,44.47,1030.46,69.49,466.66 +15.62,40.12,1013.03,96.26,462.59 +24.8,64.63,1020.69,55.74,447.82 +10.03,41.62,1014.55,95.61,462.73 +22.43,63.21,1012.06,84.75,447.98 +14.95,39.31,1009.15,75.3,462.72 +24.78,58.46,1016.82,67.5,442.42 +23.2,48.41,1008.64,80.92,444.69 +14.01,39,1016.73,79.23,466.7 +19.4,64.63,1020.38,81.1,453.84 +30.15,67.32,1013.83,32.8,436.92 +6.91,36.08,1021.82,84.31,486.37 +29.04,60.07,1015.42,46.15,440.43 +26.02,63.07,1010.94,53.96,446.82 +5.89,39.48,1005.11,59.83,484.91 +26.52,71.64,1008.27,75.3,437.76 +28.53,68.08,1013.27,42.53,438.91 +16.59,39.54,1007.97,70.58,464.19 +22.95,67.79,1009.89,91.69,442.19 +23.96,47.43,1008.38,63.55,446.86 +17.48,44.2,1018.89,61.51,457.15 +6.69,43.65,1020.14,69.55,482.57 +10.25,41.26,1007.44,98.08,476.03 +28.87,72.58,1008.69,79.34,428.89 +12.04,40.23,1018.07,81.28,472.7 +22.58,52.3,1009.04,78.99,445.6 +15.12,52.05,1014.63,80.38,464.78 +25.48,58.95,1017.02,51.16,440.42 +27.87,70.79,1003.96,72.17,428.41 +23.72,70.47,1010.65,75.39,438.5 +25,59.43,1007.84,68.91,438.28 +8.42,40.64,1022.35,96.38,476.29 +22.46,58.49,1011.5,70.54,448.46 +29.92,57.19,1008.62,45.8,438.99 +11.68,39.22,1017.9,57.95,471.8 +14.04,42.44,1012.74,81.89,471.81 +19.86,59.14,1016.12,69.32,449.82 +25.99,68.08,1013.13,59.14,442.14 +23.42,58.79,1009.74,81.54,441.46 +10.6,40.22,1011.37,85.81,477.62 +20.97,61.87,1011.45,65.41,446.76 +14.14,39.82,1012.46,81.15,472.52 +8.56,40.71,1021.27,95.87,471.58 +24.86,72.39,1001.15,90.24,440.85 +29,77.54,1011.33,75.13,431.37 +27.59,71.97,1008.64,88.22,437.33 +10.45,40.71,1015.68,81.48,469.22 +8.51,40.78,1023.51,89.84,471.11 +29.82,66.51,1010.98,43.57,439.17 +22.56,62.26,1012.11,63.16,445.33 +11.38,39.22,1018.62,57.14,473.71 +20.25,57.76,1016.28,77.76,452.66 +22.42,59.43,1007.12,90.56,440.99 +14.85,38.91,1014.48,60.98,467.42 +25.62,58.82,1010.02,70.31,444.14 +19.85,56.53,1020.57,74.05,457.17 +13.67,54.3,1015.92,75.42,467.87 +24.39,70.72,1009.78,82.25,442.04 +16.07,44.58,1019.52,67.95,471.36 +11.6,39.1,1009.81,100.09,460.7 +31.38,70.83,1010.35,47.28,431.33 +29.91,76.86,998.59,72.41,432.6 +19.67,59.39,1014.07,77.67,447.61 +27.18,64.79,1016.27,63.7,443.87 +21.39,52.3,1009.2,79.77,446.87 +10.45,41.01,1020.57,93.84,465.74 +19.46,56.89,1014.02,84.95,447.86 +23.55,62.96,1020.16,70.16,447.65 +23.35,63.47,1011.78,84.24,437.87 +9.26,41.66,1016.87,73.32,483.51 +10.3,41.46,1018.21,86.17,479.65 +20.94,58.16,1016.88,65.43,455.16 +23.13,71.25,1002.49,94.59,431.91 +12.77,41.5,1014.13,86.8,470.68 +28.29,69.13,1009.29,58.18,429.28 +19.13,59.21,1018.32,89.66,450.81 +24.44,73.5,1011.49,87.39,437.73 +20.32,44.6,1015.16,36.35,460.21 +20.54,69.05,1001.6,79.62,442.86 +12.16,45,1021.51,50.52,482.99 +28.09,65.27,1013.27,51.96,440 +9.25,41.82,1033.25,74.73,478.48 +21.75,49.82,1015.01,78.33,455.28 +23.7,66.56,1002.07,85.19,436.94 +16.22,37.87,1022.36,83.13,461.06 +24.75,69.45,1013.97,53.49,438.28 +10.48,39.58,1011.81,88.86,472.61 +29.53,70.79,1003.7,60.89,426.85 +12.59,39.72,1017.76,61.14,470.18 +23.5,54.42,1012.31,68.29,455.38 +29.01,66.56,1006.44,57.62,428.32 +9.75,42.49,1010.57,83.63,480.35 +19.55,56.53,1020.2,78.1,455.56 +21.05,58.33,1013.14,66.34,447.66 +24.72,68.67,1006.74,79.02,443.06 +21.19,58.86,1014.19,68.96,452.43 +10.77,41.54,1019.94,71.13,477.81 +28.68,73.77,1004.72,87.01,431.66 +29.87,73.91,1004.53,74.3,431.8 +22.99,68.67,1006.65,77.62,446.67 +24.66,60.29,1018,59.56,445.26 +32.63,69.89,1013.85,41.66,425.72 +31.38,72.29,1008.73,73.27,430.58 +23.87,60.27,1018.94,77.16,439.86 +25.6,59.15,1013.31,67.02,441.11 +27.62,71.14,1011.6,52.8,434.72 +30.1,67.45,1014.23,39.04,434.01 +12.19,41.17,1019.43,65.47,475.64 +13.11,41.58,1020.43,74.32,460.44 +28.29,68.67,1005.46,69.22,436.4 +13.45,40.73,1018.7,93.88,461.03 +10.98,41.54,1019.94,69.83,479.08 +26.48,69.14,1009.31,84.11,435.76 +13.07,45.51,1015.22,78.65,460.14 +25.56,75.6,1017.37,69.31,442.2 +22.68,50.78,1008.83,70.3,447.69 +28.86,73.67,1006.65,68.23,431.15 +22.7,63.56,1014.32,71.76,445 +27.89,73.21,1001.32,85.88,431.59 +13.78,44.47,1027.94,71.09,467.22 +28.14,51.43,1012.16,52.67,445.33 +11.8,45.09,1013.21,89.68,470.57 +10.71,39.61,1018.72,73.66,473.77 +24.54,60.29,1017.42,58.94,447.67 +11.54,40.05,1014.78,87.05,474.29 +29.47,71.32,1008.07,67,437.14 +29.24,69.05,1003.12,43.18,432.56 +14.51,41.79,1009.72,80.62,459.14 +22.91,60.07,1016.03,59.72,446.19 +27.02,71.77,1006.38,72.1,428.1 +13.49,44.47,1030.18,69.15,468.46 +30.24,66.75,1017.95,55.66,435.02 +23.19,48.6,1002.38,61.19,445.52 +17.73,40.55,1003.36,74.62,462.69 +18.62,61.27,1019.26,73.35,455.75 +12.85,40,1015.89,68.85,463.74 +32.33,69.68,1011.95,39.89,439.79 +25.09,58.95,1016.99,53.16,443.26 +29.45,69.13,1009.3,52.97,432.04 +16.91,43.96,1013.32,79.87,465.86 +14.09,45.87,1009.05,84.09,465.6 +10.73,25.36,1009.35,100.15,469.43 +23.2,49.3,1003.4,79.77,440.75 +8.21,38.91,1015.82,88.99,481.32 +9.3,40.56,1022.64,76.14,479.87 +16.97,39.16,1005.7,69.13,458.59 +23.69,71.97,1009.62,93.03,438.62 +25.13,59.44,1012.38,77.92,445.59 +9.86,43.56,1015.13,74.89,481.87 +11.33,41.5,1013.58,88.7,475.01 +26.95,48.41,1008.53,62.94,436.54 +15,40.66,1016.28,89.62,456.63 +20.76,62.52,1015.63,81.04,451.69 +14.29,39.59,1010.93,94.53,463.04 +19.74,67.71,1007.68,64.02,446.1 +26.68,59.92,1009.94,70.57,438.67 +14.24,41.4,1019.7,70.32,466.88 +21.98,48.41,1008.42,84.86,444.6 +22.75,59.39,1015.4,81.41,440.26 +8.34,40.96,1023.28,89.45,483.92 +11.8,41.2,1017.18,82.71,475.19 +8.81,44.68,1023.06,93.93,479.24 +30.05,73.68,1014.95,70.6,434.92 +16.01,65.46,1014,87.68,454.16 +21.75,58.79,1012.42,87.58,447.58 +13.94,41.26,1021.67,74.4,467.9 +29.25,69.13,1010.27,67.35,426.29 +22.33,45.87,1007.8,63.61,447.02 +16.43,41.79,1005.47,76.89,455.85 +11.5,40.22,1010.31,78.08,476.46 +23.53,68.94,1007.53,69.17,437.48 +21.86,49.21,1014.61,53.31,452.77 +6.17,39.33,1012.57,93.32,491.54 +30.19,64.79,1017.22,42.47,438.41 +11.67,41.93,1019.81,82.58,476.1 +15.34,36.99,1007.87,94.59,464.58 +11.5,40.78,1023.91,86.31,467.74 +25.53,57.17,1010,72.57,442.12 +21.27,57.5,1014.53,80.76,453.34 +28.37,69.13,1010.44,71.93,425.29 +28.39,51.43,1011.74,47.54,449.63 +13.78,45.78,1025.27,95.72,462.88 +14.6,42.32,1015.71,77.03,464.67 +5.1,35.57,1027.17,80.49,489.96 +7,38.08,1020.27,77.67,482.38 +26.3,77.95,1009.45,78.72,437.95 +30.56,71.98,1004.74,58.77,429.2 +21.09,46.63,1013.03,74.8,453.34 +28.21,70.02,1010.58,51.34,442.47 +15.84,49.69,1015.14,90.41,462.6 +10.03,40.96,1024.57,91.1,478.79 +20.37,52.05,1012.34,62.57,456.11 +21.19,50.16,1005.81,84.27,450.33 +33.73,69.88,1007.21,42.93,434.83 +29.87,73.68,1015.1,40.96,433.43 +19.62,62.96,1020.76,76.53,456.02 +9.93,40.67,1018.08,69.74,485.23 +9.43,37.14,1013.03,74.99,473.57 +14.24,39.58,1011.17,70.45,469.94 +12.97,49.83,1008.69,91.49,452.07 +7.6,41.04,1021.82,88.97,475.32 +8.39,36.24,1013.39,89.13,480.69 +25.41,48.06,1013.12,46.52,444.01 +18.43,56.03,1020.41,60.55,465.17 +10.31,39.82,1012.87,88.71,480.61 +11.29,41.5,1013.39,89.15,476.04 +22.61,49.3,1003.51,83.02,441.76 +29.34,71.98,1005.19,75.19,428.24 +18.87,67.71,1004,87.35,444.77 +13.21,45.87,1008.58,85.66,463.1 +11.3,44.6,1018.19,91.66,470.5 +29.23,72.99,1007.04,63.47,431 +27.76,69.4,1004.27,72.25,430.68 +29.26,67.17,1006.6,70.58,436.42 +25.72,49.82,1016.19,60.1,452.33 +23.43,63.94,1010.64,89.29,440.16 +25.6,63.76,1010.18,67.43,435.75 +22.3,44.57,1008.48,67.58,449.74 +27.91,72.24,1010.74,70.8,430.73 +30.35,77.17,1009.55,63.62,432.75 +21.78,47.43,1007.88,66.68,446.79 +7.19,41.39,1018.12,90.76,486.35 +20.88,59.8,1015.66,75.34,453.18 +24.19,50.23,1015.73,59.77,458.31 +9.98,41.54,1019.7,80.79,480.26 +23.47,51.3,1011.89,74.1,448.65 +26.35,49.5,1012.67,41.34,458.41 +29.89,64.69,1006.37,58.78,435.39 +19.29,50.16,1010.49,97.78,450.21 +17.48,43.14,1018.68,74.85,459.59 +25.21,75.6,1017.19,69.84,445.84 +23.3,48.78,1018.17,75.36,441.08 +15.42,37.85,1009.89,85.8,467.33 +21.44,63.09,1016.56,90.11,444.19 +29.45,68.27,1007.96,61.63,432.96 +29.69,47.93,1002.85,44.76,438.09 +15.52,36.99,1006.86,89.7,467.9 +11.47,43.67,1012.68,72.51,475.72 +9.77,34.69,1027.72,74.98,477.51 +22.6,69.84,1006.37,79.59,435.13 +8.24,39.61,1017.99,78.42,477.9 +17.01,44.2,1019.18,61.23,457.26 +19.64,44.6,1015.88,47.56,467.53 +10.61,41.58,1021.08,93.06,465.15 +12.04,40.1,1014.42,89.65,474.28 +29.19,65.71,1013.85,50.5,444.49 +21.75,45.09,1014.15,44.84,452.84 +23.66,77.54,1008.5,85.32,435.38 +27.05,75.33,1003.88,82.94,433.57 +29.63,69.71,1009.04,67.26,435.27 +18.2,39.63,1005.35,79.05,468.49 +32.22,70.8,1009.9,62.03,433.07 +26.88,73.56,1004.85,94.36,430.63 +29.05,65.74,1013.29,60.02,440.74 +8.9,39.96,1026.31,95.46,474.49 +18.93,48.6,1005.72,84.92,449.74 +27.49,63.76,1010.09,62.8,436.73 +23.1,70.79,1006.53,90.81,434.58 +11.22,43.13,1017.24,80.9,473.93 +31.97,79.74,1007.03,55.84,435.99 +13.32,43.22,1009.45,75.3,466.83 +31.68,68.24,1005.29,37.34,427.22 +23.69,63.77,1013.39,79.5,444.07 +13.83,41.49,1020.11,87.29,469.57 +18.32,66.51,1015.18,81.5,459.89 +11.05,40.71,1024.91,76.42,479.59 +22.03,64.69,1007.21,75.75,440.92 +10.23,41.46,1020.45,84.95,480.87 +23.92,66.54,1009.93,62.37,441.9 +29.38,69.68,1011.35,49.25,430.2 +17.35,42.86,1014.62,74.16,465.16 +9.81,44.45,1021.19,90.55,471.32 +4.97,40.64,1020.91,94.28,485.43 +5.15,40.07,1012.27,63.31,495.35 +21.54,58.49,1010.85,78.9,449.12 +7.94,42.02,1006.22,90.97,480.53 +18.77,50.66,1014.89,87.34,457.07 +21.69,69.94,1010.7,80.8,443.67 +10.07,44.68,1023.44,90.95,477.52 +13.83,39.64,1012.52,69.97,472.95 +10.45,39.69,1003.92,89.45,472.54 +11.56,40.71,1015.85,76.08,469.17 +23.64,70.04,1011.09,83.35,435.21 +10.48,40.22,1004.81,92.16,477.78 +13.09,39.85,1012.86,58.42,475.89 +10.67,40.23,1017.75,85.06,483.9 +12.57,39.16,1016.53,88.91,476.2 +14.45,43.34,1015.47,83.33,462.16 +14.22,37.85,1011.24,88.49,471.05 +6.97,41.26,1010.6,96.88,484.71 +20.61,63.86,1015.43,73.86,446.34 +14.67,42.28,1007.21,65.17,469.02 +29.06,72.86,1004.23,69.41,432.12 +14.38,40.1,1015.51,81.23,467.28 +32.51,69.98,1013.29,54.07,429.66 +11.79,45.09,1013.16,89.17,469.49 +8.65,40.56,1023.23,78.85,485.87 +9.75,40.81,1026,84.44,481.95 +9.11,40.02,1031.1,83.02,479.03 +23.39,69.13,1010.99,90.66,434.5 +14.3,54.3,1015.16,75.29,464.9 +17.49,63.94,1020.02,82.6,452.71 +31.1,69.51,1010.84,45.4,429.74 +19.77,56.65,1020.67,66.33,457.09 +28.61,72.29,1011.61,45.33,446.77 +13.52,41.48,1014.46,67.12,460.76 +13.52,40.83,1008.31,84.14,471.95 +17.57,46.21,1014.09,80.81,453.29 +28.18,60.07,1016.34,49.13,441.61 +14.29,46.18,1017.01,87.29,464.73 +18.12,43.69,1016.91,52.95,464.68 +31.27,73.91,1003.72,68.92,430.59 +26.24,77.95,1014.19,85.21,438.01 +7.44,41.04,1021.84,88.56,479.08 +29.78,74.78,1009.28,55.09,436.39 +23.37,65.46,1016.25,48.64,447.07 +10.62,39.58,1011.9,87.85,479.91 +5.84,43.02,1013.88,87.42,489.05 +14.51,53.82,1016.46,62.75,463.17 +11.31,42.02,1001.18,94.86,471.26 +11.25,40.67,1011.64,63.54,480.49 +9.18,39.42,1025.41,69.46,473.78 +19.82,58.16,1016.76,74.66,455.5 +24.77,58.41,1013.78,80.57,446.27 +9.66,41.06,1021.21,84.7,482.2 +21.96,59.8,1016.72,72.6,452.48 +18.59,43.14,1011.92,52.63,464.48 +24.75,69.89,1015.29,82.01,438.1 +24.37,63.47,1012.77,75.22,445.6 +29.6,67.79,1010.37,51.05,442.43 +25.32,61.25,1011.56,80.1,436.67 +16.15,41.85,1016.54,81.58,466.56 +15.74,71.14,1019.65,65.94,457.29 +5.97,36.25,1029.65,86.74,487.03 +15.84,52.72,1026.45,62.57,464.93 +14.84,44.63,1019.28,57.37,466 +12.25,48.79,1017.44,88.91,469.52 +27.38,70.04,1011.18,72.26,428.88 +8.76,41.48,1018.49,74.98,474.3 +15.54,39.31,1009.69,71.19,461.06 +18.71,39.39,1014.09,62.82,465.57 +13.06,41.78,1012.3,55.31,467.67 +12.72,40.71,1016.02,71.57,466.99 +19.83,39.39,1013.73,59.16,463.72 +27.23,49.16,1004.03,40.8,443.78 +24.27,68.28,1005.43,67.63,445.23 +11.8,40.66,1017.13,97.2,464.43 +6.76,36.25,1028.31,91.16,484.36 +25.99,63.07,1012.5,64.81,442.16 +16.3,39.63,1004.64,85.61,464.11 +16.5,49.39,1018.35,93.42,462.48 +10.59,42.49,1009.59,77.36,477.49 +26.05,65.59,1012.78,67.03,437.04 +19.5,40.79,1003.8,89.45,457.09 +22.21,45.01,1012.22,54.84,450.6 +17.86,45,1023.25,53.48,465.78 +29.96,70.04,1010.15,54.47,427.1 +19.08,44.63,1020.14,43.36,459.81 +23.59,47.43,1006.64,48.92,447.36 +3.38,39.64,1011,81.22,488.92 +26.39,66.49,1012.96,60.35,433.36 +8.99,39.04,1021.99,75.98,483.35 +10.91,41.04,1026.57,74.24,469.53 +13.08,39.82,1012.27,85.21,476.96 +23.95,58.46,1017.5,68.46,440.75 +15.64,43.71,1024.51,78.31,462.55 +18.78,54.2,1012.05,89.25,448.04 +20.65,50.59,1016.22,68.57,455.24 +4.96,40.07,1011.8,67.38,494.75 +23.51,57.32,1012.55,53.6,444.58 +5.99,35.79,1011.56,91.69,484.82 +23.65,66.05,1019.6,78.21,442.9 +5.17,39.33,1009.68,94.19,485.46 +26.38,49.5,1012.82,37.19,457.81 +6.02,43.65,1013.85,83.53,481.92 +23.2,61.02,1009.63,79.45,443.23 +8.57,39.69,1000.91,99.9,474.29 +30.72,71.58,1009.98,50.39,430.46 +21.52,50.66,1013.56,74.33,455.71 +22.93,62.26,1011.25,83.66,438.34 +5.71,41.31,1003.24,89.48,485.83 +18.62,44.06,1017.76,64.59,452.82 +27.88,68.94,1007.68,75.68,435.04 +22.32,59.8,1016.82,64.18,451.21 +14.55,42.74,1028.41,70.09,465.81 +17.83,44.92,1025.04,70.58,458.42 +9.68,39.96,1026.09,99.28,470.22 +19.41,49.39,1020.84,81.89,449.24 +13.22,44.92,1023.84,87.99,471.43 +12.24,44.92,1023.74,88.21,473.26 +19.21,58.49,1011.7,91.29,452.82 +29.74,70.32,1008.1,52.72,432.69 +23.28,60.84,1017.91,67.5,444.13 +8.02,41.92,1029.8,92.05,467.21 +22.47,48.6,1002.33,63.23,445.98 +27.51,73.77,1002.42,90.88,436.91 +17.51,44.9,1009.05,74.91,455.01 +23.22,66.56,1002.47,85.39,437.11 +11.73,40.64,1020.68,96.98,477.06 +21.19,67.71,1006.65,56.28,441.71 +5.48,40.07,1019.63,65.62,495.76 +24.26,66.44,1011.33,55.32,445.63 +12.32,41.62,1012.88,88.88,464.72 +31.26,68.94,1005.94,39.49,438.03 +32.09,72.86,1003.47,54.59,434.78 +24.98,60.32,1015.63,57.19,444.67 +27.48,61.41,1012.2,45.06,452.24 +21.04,45.09,1014.19,40.62,450.92 +27.75,70.4,1006.65,90.21,436.53 +22.79,71.77,1005.75,90.91,435.53 +24.22,68.51,1013.23,74.96,440.01 +27.06,64.45,1008.72,54.21,443.1 +29.25,71.94,1007.18,63.62,427.49 +26.86,68.08,1012.99,50.04,436.25 +29.64,67.79,1009.99,51.23,440.74 +19.92,63.31,1015.02,82.71,443.54 +18.5,51.43,1010.82,92.04,459.42 +23.71,60.23,1009.76,90.67,439.66 +14.39,44.84,1023.55,91.14,464.15 +19.3,56.65,1020.55,70.43,459.1 +24.65,52.36,1014.76,66.63,455.68 +13.5,45.51,1015.33,86.95,469.08 +9.82,41.26,1007.71,96.69,478.02 +18.4,44.06,1017.36,70.88,456.8 +28.12,44.89,1009.18,47.14,441.13 +17.15,43.69,1017.05,63.36,463.88 +30.69,73.67,1006.14,60.58,430.45 +28.82,65.71,1014.24,54.3,449.18 +21.3,48.92,1010.92,65.09,447.89 +30.58,70.04,1010.4,48.16,431.59 +21.17,52.3,1009.36,81.51,447.5 +9.87,41.82,1033.04,68.57,475.58 +22.18,59.8,1016.77,73.16,453.24 +24.39,63.21,1012.59,80.88,446.4 +10.73,44.92,1025.1,85.4,476.81 +9.38,40.46,1019.29,75.77,474.1 +20.27,57.76,1016.66,75.76,450.71 +24.82,66.48,1006.4,70.21,433.62 +16.55,41.66,1011.45,55.53,465.14 +20.73,59.87,1019.08,80.48,445.18 +9.51,39.22,1015.3,72.41,474.12 +8.63,43.79,1016.08,83.25,483.91 +6.48,40.27,1010.55,82.12,486.68 +14.95,43.52,1022.43,94.75,464.98 +5.76,45.87,1010.83,95.79,481.4 +10.94,39.04,1021.81,86.02,479.2 +15.87,41.16,1005.85,78.29,463.86 +12.42,38.25,1012.76,82.23,472.3 +29.12,58.84,1001.31,52.86,446.51 +29.12,51.43,1005.93,60.66,437.71 +19.08,41.1,1001.96,62.77,458.94 +31.06,67.17,1007.62,65.54,437.91 +5.72,39.33,1009.96,95.4,490.76 +26.52,65.06,1013.4,51.78,439.66 +13.84,44.9,1007.58,63.62,463.27 +13.03,39.52,1016.68,83.09,473.99 +25.94,66.49,1012.83,61.81,433.38 +16.64,53.82,1015.13,68.24,459.01 +14.13,40.75,1016.05,72.41,471.44 +13.65,39.28,1012.97,79.64,471.91 +14.5,44.47,1028.2,66.95,465.15 +19.8,51.19,1008.25,91.98,446.66 +25.2,63.76,1009.78,64.96,438.15 +20.66,51.19,1008.81,88.93,447.14 +12.07,43.71,1025.53,85.62,472.32 +25.64,70.72,1010.16,84,441.68 +23.33,72.99,1009.33,89.41,440.04 +29.41,64.05,1009.82,67.4,444.82 +16.6,53.16,1014.5,76.75,457.26 +27.53,72.58,1009.13,89.06,428.83 +20.62,43.43,1009.93,64.02,449.07 +26.02,71.94,1009.38,64.12,435.21 +12.75,44.2,1017.59,81.22,471.03 +12.87,48.04,1012.47,100.13,465.56 +25.77,62.96,1019.86,58.07,442.83 +14.84,41.48,1017.26,63.42,460.3 +7.41,40.71,1023.07,83.32,474.25 +8.87,41.82,1033.3,74.28,477.97 +9.69,40.46,1019.1,71.91,472.16 +16.17,46.97,1014.22,85.8,456.08 +26.24,49.82,1014.9,55.58,452.41 +13.78,43.22,1011.31,69.7,463.71 +26.3,67.07,1006.26,63.79,433.72 +17.37,57.76,1016,86.59,456.4 +23.6,48.98,1015.41,48.28,448.43 +8.3,36.08,1020.63,80.42,481.6 +18.86,42.18,1001.16,98.58,457.07 +22.12,49.39,1019.8,72.83,451 +28.41,75.6,1018.48,56.07,440.28 +29.42,71.32,1002.26,67.13,437.47 +18.61,67.71,1004.07,84.49,443.57 +27.57,69.84,1004.91,68.37,426.6 +12.83,41.5,1013.12,86.07,470.87 +9.64,39.85,1012.9,83.82,478.37 +19.13,58.66,1013.32,74.86,453.92 +15.92,40.56,1020.79,53.52,470.22 +24.64,72.24,1011.37,80.61,434.54 +27.62,63.9,1013.11,43.56,442.89 +8.9,36.24,1013.29,89.35,479.03 +9.55,43.99,1020.5,97.28,476.06 +10.57,36.71,1022.62,80.49,473.88 +19.8,57.25,1010.84,88.9,451.75 +25.63,56.85,1012.68,49.7,439.2 +24.7,58.46,1015.58,68.64,439.7 +15.26,46.18,1013.68,98.58,463.6 +20.06,52.84,1004.21,82.12,447.47 +19.84,56.89,1013.23,78.32,447.92 +11.49,44.63,1020.44,86.04,471.08 +23.74,72.43,1007.99,91.36,437.55 +22.62,51.3,1012.36,81.02,448.27 +29.53,72.39,998.47,76.05,431.69 +21.32,48.14,1016.57,71.81,449.09 +20.3,58.46,1015.93,82.13,448.79 +16.97,44.92,1025.21,74.27,460.21 +12.07,41.17,1013.54,71.32,479.28 +7.46,41.82,1032.67,74.59,483.11 +19.2,54.2,1011.46,84.44,450.75 +28.64,66.54,1010.43,43.39,437.97 +13.56,41.48,1008.53,87.2,459.76 +17.4,44.9,1020.5,77.11,457.75 +14.08,40.1,1015.48,82.81,469.33 +27.11,69.75,1009.74,85.67,433.28 +20.92,70.02,1010.23,95.58,444.64 +16.18,44.9,1021.3,74.46,463.1 +15.57,44.68,1022.01,90.02,460.91 +10.37,39.04,1023.95,81.93,479.35 +19.6,59.21,1017.65,86.29,449.23 +9.22,40.92,1021.83,85.43,474.51 +27.76,72.99,1007.81,71.66,435.02 +28.68,70.72,1009.43,71.33,435.45 +20.95,48.14,1013.3,67.72,452.38 +9.06,39.3,1019.73,84.23,480.41 +9.21,39.72,1019.54,74.44,478.96 +13.65,42.74,1026.58,71.48,468.87 +31.79,76.2,1007.89,56.3,434.01 +14.32,44.6,1013.85,68.13,466.36 +26.28,75.23,1011.44,68.35,435.28 +7.69,43.02,1014.51,85.23,486.46 +14.44,40.1,1015.51,79.78,468.19 +9.19,41.01,1022.14,98.98,468.37 +13.35,41.39,1019.17,72.87,474.19 +23.04,74.22,1009.52,90.93,440.32 +4.83,38.44,1015.35,72.94,485.32 +17.29,42.86,1014.38,72.3,464.27 +8.73,36.18,1013.66,77.74,479.25 +26.21,70.32,1007,78.29,430.4 +23.72,58.62,1016.65,69.1,447.49 +29.27,64.69,1006.85,55.79,438.23 +10.4,40.43,1025.46,75.09,492.09 +12.19,40.75,1015.13,88.98,475.36 +20.4,54.9,1016.68,64.26,452.56 +34.3,74.67,1015.98,25.89,427.84 +27.56,68.08,1010.8,59.18,433.95 +30.9,70.8,1008.48,67.48,435.27 +14.85,58.59,1014.04,89.85,454.62 +16.42,40.56,1020.36,50.62,472.17 +16.45,63.31,1015.96,83.97,452.42 +10.14,42.02,1003.19,96.51,472.17 +9.53,41.44,1018.01,80.09,481.83 +17.01,49.15,1021.83,84.02,458.78 +23.94,62.08,1022.47,61.97,447.5 +15.95,49.25,1019.04,88.51,463.4 +11.15,41.26,1022.67,81.83,473.57 +25.56,70.32,1009.07,90.63,433.72 +27.16,66.44,1011.2,73.37,431.85 +26.71,77.95,1012.13,77.5,433.47 +29.56,74.22,1007.45,57.46,432.84 +31.19,70.94,1007.29,51.91,436.6 +6.86,41.17,1020.12,79.14,490.23 +12.36,41.74,1020.58,69.24,477.16 +32.82,68.31,1010.44,41.85,441.06 +25.3,70.98,1007.22,95.1,440.86 +8.71,41.82,1033.08,74.53,477.94 +13.34,40.8,1026.56,64.85,474.47 +14.2,43.02,1012.18,57.07,470.67 +23.74,65.34,1013.7,62.9,447.31 +16.9,44.88,1018.14,72.21,466.8 +28.54,71.94,1007.4,65.99,430.91 +30.15,69.88,1007.2,73.67,434.75 +14.33,42.86,1010.82,88.59,469.52 +25.57,59.43,1008.88,61.19,438.9 +30.55,70.04,1010.51,49.37,429.56 +28.04,74.33,1013.53,48.65,432.92 +26.39,49.16,1005.68,56.18,442.87 +15.3,41.76,1022.57,71.56,466.59 +6.03,41.14,1028.04,87.46,479.61 +13.49,44.63,1019.12,70.02,471.08 +27.67,59.14,1016.51,61.2,433.37 +24.19,65.48,1018.8,60.54,443.92 +24.44,59.14,1016.74,71.82,443.5 +29.86,64.79,1017.37,44.8,439.89 +30.2,69.59,1008.9,67.32,434.66 +7.99,41.38,1021.95,78.77,487.57 +9.93,41.62,1013.76,96.02,464.64 +11.03,42.32,1017.26,90.56,470.92 +22.34,63.73,1014.37,83.19,444.39 +25.33,48.6,1002.54,68.45,442.48 +18.87,52.08,1005.25,99.19,449.61 +25.97,69.34,1009.43,88.11,435.02 +16.58,43.99,1021.81,79.29,458.67 +14.35,46.18,1016.63,87.76,461.74 +25.06,62.39,1008.09,82.56,438.31 +13.85,48.92,1011.68,79.24,462.38 +16.09,44.2,1019.39,67.24,460.56 +26.34,59.21,1013.37,58.98,439.22 +23.01,58.79,1009.71,84.22,444.64 +26.39,71.25,999.8,89.12,430.34 +31.32,71.29,1008.37,50.07,430.46 +16.64,45.87,1009.02,98.86,456.79 +13.42,41.23,994.17,95.79,468.82 +20.06,44.9,1008.79,70.06,448.51 +14.8,44.71,1014.67,41.71,470.77 +12.59,41.14,1025.79,86.55,465.74 +26.7,66.56,1005.31,71.97,430.21 +19.78,50.32,1008.62,96.4,449.23 +15.17,49.15,1021.91,91.73,461.89 +21.71,61.45,1010.97,91.62,445.72 +19.09,39.39,1013.36,59.14,466.13 +19.76,51.19,1008.38,92.56,448.71 +14.68,41.23,998.43,83.71,469.25 +21.3,66.86,1013.04,55.43,450.56 +16.73,39.64,1008.94,74.91,464.46 +12.26,41.5,1014.87,89.41,471.13 +14.77,48.06,1010.92,69.81,461.52 +18.26,59.15,1012.04,86.01,451.09 +27.1,79.74,1005.43,86.05,431.51 +14.72,40.83,1009.65,80.98,469.8 +26.3,51.43,1012.05,63.62,442.28 +16.48,48.92,1011.84,64.16,458.67 +17.99,43.79,1016.13,75.63,462.4 +20.34,59.8,1015.18,80.21,453.54 +25.53,62.96,1019.81,59.7,444.38 +31.59,58.9,1003.39,47.6,440.52 +30.8,69.14,1007.68,63.78,433.62 +10.75,45,1023.68,89.37,481.96 +19.3,44.9,1008.89,70.55,452.75 +4.71,39.42,1026.4,84.42,481.28 +23.1,66.05,1020.28,80.62,439.03 +32.63,73.88,1005.64,52.56,435.75 +26.63,74.16,1009.72,83.26,436.03 +24.35,58.49,1011.03,70.64,445.6 +15.11,56.03,1020.27,89.95,462.65 +29.1,50.05,1005.87,51.53,438.66 +21.24,50.32,1008.54,84.83,447.32 +6.16,39.48,1004.85,59.68,484.55 +7.36,41.01,1024.9,97.88,476.8 +10.44,39.04,1023.99,85.03,480.34 +26.76,48.41,1010.53,47.38,440.63 +16.79,44.6,1014.27,48.08,459.48 +10.76,40.43,1025.98,79.65,490.78 +6.07,38.91,1019.25,83.39,483.56 +27.33,73.18,1012.26,82.18,429.38 +27.15,59.21,1013.49,51.71,440.27 +22.35,51.43,1011.34,77.33,445.34 +21.82,65.27,1013.86,72.81,447.43 +21.11,69.94,1004.37,84.26,439.91 +19.95,50.59,1016.11,73.23,459.27 +7.45,39.61,1017.88,79.73,478.89 +15.36,41.66,1012.41,62.32,466.7 +15.65,43.5,1021.39,78.58,463.5 +25.31,74.33,1015.04,79.88,436.21 +25.88,63.47,1011.95,65.87,443.94 +24.6,63.94,1012.87,80.28,439.63 +22.58,41.54,1013.21,71.33,460.95 +19.69,59.14,1015.99,70.33,448.69 +25.85,75.08,1006.24,57.73,444.63 +10.06,37.83,1005.49,99.46,473.51 +18.59,39.54,1008.56,68.61,462.56 +18.27,50.16,1011.07,95.91,451.76 +8.85,40.43,1025.68,80.42,491.81 +30.04,68.08,1011.04,51.01,429.52 +26.06,49.02,1007.59,74.08,437.9 +14.8,38.73,1003.18,80.73,467.54 +23.93,64.45,1015.35,54.71,449.97 +23.72,66.48,1003.61,73.75,436.62 +11.44,40.55,1023.37,88.43,477.68 +20.28,63.86,1016.04,74.66,447.26 +27.9,63.13,1011.8,70.04,439.76 +24.74,59.39,1015.23,74.64,437.49 +14.8,58.2,1018.29,85.11,455.14 +8.22,41.03,1021.76,82.97,485.5 +27.56,66.93,1016.81,55.59,444.1 +32.07,70.94,1006.91,49.9,432.33 +9.53,44.03,1008.87,89.99,471.23 +13.61,42.34,1017.93,91.61,463.89 +22.2,51.19,1009.2,82.95,445.54 +21.36,59.54,1007.99,92.62,446.09 +23.25,63.86,1017.82,59.64,445.12 +23.5,59.21,1018.29,63,443.31 +8.46,39.66,1015.14,85.38,484.16 +8.19,40.69,1019.86,85.23,477.76 +30.67,71.29,1008.36,52.08,430.28 +32.48,62.04,1010.39,38.05,446.48 +8.99,36.66,1028.11,71.98,481.03 +13.77,47.83,1007.41,90.66,466.07 +19.05,67.32,1013.2,83.14,447.47 +21.19,55.5,1019.83,65.22,455.93 +10.12,40,1021.15,91.67,479.62 +24.93,47.01,1014.28,66.04,455.06 +8.47,40.46,1019.87,78.19,475.06 +24.52,56.85,1012.59,54.47,438.89 +28.55,69.84,1003.38,67.26,432.7 +20.58,50.9,1011.89,72.56,452.6 +18.31,46.21,1010.46,82.15,451.75 +27.18,71.06,1008.16,86.32,430.66 +4.43,38.91,1019.04,88.17,491.9 +26.02,74.78,1010.04,72.78,439.82 +15.75,39,1015.91,69.58,460.73 +22.99,60.95,1015.14,69.86,449.7 +25.52,59.15,1013.88,65.37,439.42 +27.04,65.06,1013.33,52.37,439.84 +6.42,35.57,1025.58,79.63,485.86 +17.04,40.12,1011.81,83.14,458.1 +10.79,39.82,1012.89,88.25,479.92 +20.41,56.03,1019.94,55.85,458.29 +7.36,40.07,1017.29,52.55,489.45 +28.08,73.42,1012.17,62.74,434 +24.74,69.13,1010.69,90.08,431.24 +28.32,47.93,1003.26,54.5,439.5 +16.71,40.56,1019.48,49.88,467.46 +30.7,71.58,1010,48.96,429.27 +18.42,58.95,1016.95,86.77,452.1 +10.62,42.02,999.83,96.66,472.41 +22.18,69.05,1002.75,70.84,442.14 +22.38,49.3,1003.56,83.83,441 +13.94,41.58,1020.76,68.22,463.07 +21.24,60.84,1017.99,82.22,445.71 +6.76,39.81,1017.11,87.9,483.16 +26.73,68.84,1010.75,66.83,440.45 +7.24,38.06,1020.6,85.36,481.83 +10.84,40.62,1015.53,60.9,467.6 +19.32,52.84,1004.29,83.51,450.88 +29,69.13,1001.22,52.96,425.5 +23.38,54.42,1013.95,73.02,451.87 +31.17,69.51,1010.51,43.11,428.94 +26.17,48.6,1002.59,61.41,439.86 +30.9,73.42,1011.21,65.32,433.44 +24.92,73.68,1015.12,93.68,438.23 +32.77,71.32,1007.68,42.39,436.95 +14.37,40.56,1021.67,68.18,470.19 +8.36,40.22,1011.6,89.18,484.66 +31.45,68.27,1007.56,64.79,430.81 +31.6,73.17,1010.05,43.48,433.37 +17.9,48.98,1014.17,80.4,453.02 +20.35,50.9,1012.6,72.43,453.5 +16.21,41.23,995.88,80,463.09 +19.36,44.6,1016.25,45.65,464.56 +21.04,65.46,1017.22,63.02,452.12 +14.05,40.69,1015.66,74.39,470.9 +23.48,64.15,1021.08,57.77,450.89 +21.91,63.76,1009.85,76.8,445.04 +24.42,63.07,1011.49,67.39,444.72 +14.26,40.92,1022.07,73.96,460.38 +21.38,58.33,1013.05,72.75,446.8 +15.71,44.06,1018.34,71.69,465.05 +5.78,40.62,1016.55,84.98,484.13 +6.77,39.81,1017.01,87.68,488.27 +23.84,49.21,1013.85,50.36,447.09 +21.17,58.16,1017.16,68.11,452.02 +19.94,58.96,1014.16,66.27,455.55 +8.73,41.92,1029.41,89.72,480.99 +16.39,41.67,1012.96,61.07,467.68 +15.28,40,1016.65,65,458.76 +22.05,59.92,1009.06,93.74,437.9 +18.63,48.92,1011.37,71.72,450.29 +15,41.17,1015.57,64.82,468.72 +20.46,59.21,1018.42,85.89,445.22 +11.97,45.51,1016.84,81.47,472.82 +26.59,59.92,1009.97,70.09,438.22 +13.76,45.08,1023.77,80.48,469.74 +21.41,59.43,1010.27,74.54,442.85 +12.45,37.92,1008.03,61.87,470.59 +10.62,39.64,1010.65,62.15,477.07 +12.33,37.73,1022.46,59.3,470.11 +15.63,44.9,1009.38,82.8,457.44 +19.11,50.16,1010.88,100.09,450.38 +21.83,41.1,1001.91,41.79,453.38 +22.02,64.45,1012.57,47.87,454.9 +26.54,71.98,1005.8,91.16,431.78 +6.9,39.81,1016.74,88.24,481.88 +13.05,34.03,1018.31,64.99,472.69 +19.61,45.01,1014.84,64.42,461.97 +26.26,63.73,1010.45,70.61,442.18 +30.56,71.25,1000.3,70.55,431.92 +21.81,63.77,1014.28,83.66,444.52 +26.65,58.41,1013.53,65.83,442.66 +25.18,57.5,1015.07,60.76,449.01 +17.8,46.48,1007.27,81.31,452.66 +33.27,66.44,1010.63,43.47,430.11 +29.94,65.74,1012.4,46.94,440.54 +8.51,34.69,1026.96,75.34,481.83 +9.45,36.71,1024.24,83.28,476.02 +24.27,60.23,1011.84,77.8,438.99 +11.28,42.44,1014.62,99.78,473.36 +7.93,41.01,1023.64,97.23,476.37 +14.3,42.99,1007.32,73.72,467.9 +24.31,63.86,1019.47,58.54,442.69 +29.3,70.04,1010.95,61.23,426.25 +20.43,63.09,1016.46,91.78,445.58 +10.94,39.69,1004.5,86.29,459.69 +23.04,57.32,1011.23,64.27,442.01 +25.37,44.89,1009.27,63.06,442.38 +21.1,49.16,1006.76,86.08,442.78 +20.4,57.85,1011.14,92.47,450.07 +20.51,48.6,1005.29,80.7,448 +12.15,38.78,1013.34,95.05,474.15 +15.27,41.16,1009,84.12,467.01 +23.78,60.27,1018.02,78.06,441.56 +22.01,60.84,1017.55,83.82,441.9 +24.72,77.54,1008.39,81.03,438.52 +28.84,73.03,1013.99,76.05,435.75 +26.53,54.2,1012.9,66.73,439.96 +19.82,41.67,1012.92,51.92,456.87 +16.69,40.56,1019.92,51.43,469.9 +20.36,56.53,1020.25,72.96,455.34 +18.6,68.28,1003.27,84.21,446.98 +12.54,40.1,1015.73,84.29,475.02 +14.54,46.18,1015.29,94.48,463.03 +30.97,67.9,1005.98,55.6,428.26 +26.54,71.14,1007.52,72.04,431.31 +25.2,59.21,1017.54,55.53,444.16 +13.17,38.52,1018.5,83.77,468.82 +8.53,40.77,1009.85,90.95,481.03 +24.06,58.2,1017.46,48.04,445.91 +12.25,41.38,1021.81,59,474.77 +14.7,40.8,1025.78,50.96,472.85 +15.75,39.39,1014.38,76.29,468.6 +29.45,74.16,1010.49,64.87,438.11 +30.22,68.3,1014.91,34.9,434.3 +26.96,72.58,1009.23,89.62,429.03 +18.48,58.59,1015.61,85.14,452.52 +17.78,50.66,1015.09,91.9,456.11 +6.64,39.04,1018.84,74.94,481.53 +21.83,63.13,1013.4,85.82,443.41 +13.92,39.58,1012.5,80.28,465.67 +12.14,40.27,1007.57,73.22,472.84 +15.64,38.28,1014.39,76.93,466.51 +16,44.9,1020.5,80.89,461.5 +9.75,43.69,1016.81,82.42,481.34 +13.56,43.67,1011.34,94.02,467.09 +7.94,40.56,1023.25,80.84,488.01 +20.46,54.2,1011.4,84,448.1 +18.23,62.26,1011.48,91.35,448.64 +23.14,63.94,1017.49,53.19,446.57 +20.55,46.21,1013.21,73.18,448.66 +23.58,49.3,1003.8,74.62,440.44 +14.51,42.77,1017.47,81.95,463.37 +10.05,40.71,1015.51,84.21,471.68 +26.91,61.5,1009.47,55.26,436.84 +15.66,41.35,1001.68,86.26,463.57 +30.07,69.82,1010.39,57.53,437.38 +24.28,68.31,1009.94,77.08,440.07 +12.57,39.3,1019.57,72.44,473.67 +11.01,42.02,995.24,98.62,473.96 +23.3,72.99,1008.54,92.11,437.62 +28.76,60.23,1010.03,58.24,437.42 +21.4,68.28,1008.2,60.34,450.22 +30.33,68.67,1006,54.99,435.53 +18.89,67.71,1003.92,86.12,443.54 +18.83,47.83,1005.58,77.07,454.23 +12.32,43.69,1016.26,83.18,471.6 +25.15,68.51,1013.25,72.31,440.96 +17.06,52.9,1019.76,80.9,460.82 +23.68,49.02,1007.53,86.05,440.68 +11.95,39.82,1013.4,92.51,474.56 +25.39,58.79,1015.85,62.59,441.51 +11.52,40.8,1024.31,73.49,479.56 +19.69,56.65,1020.86,73.41,455.32 +26.1,74.16,1009.42,85.4,437.18 +27.44,74.9,1003.85,76.65,436.42 +27.35,66.05,1017.62,55.26,439.6 +25.7,69.45,1013.86,56.91,437.04 +24.54,58.66,1011.63,57.62,448.11 +14.87,41.23,997.39,82.06,465.01 +14.05,40.35,1011.52,66.21,475.54 +25.69,73.18,1012.64,86.35,432.82 +31.01,67.69,1005.06,46.16,426.64 +9.46,42.28,1008.67,78.16,481.95 +7.71,40.77,1021.93,87.04,482.19 +15.69,37.64,1016,83.88,462.18 +26.45,64.27,1013.23,60.92,444.9 +22.86,60.08,1017.2,67.11,452.34 +21.61,49.39,1019.41,78.2,449.26 +25.66,77.54,1008.22,78.42,432.82 +22.48,71.29,1008.15,75.41,444.71 +21.58,63.87,1015.27,63.15,451.88 +25.94,77.24,1007.97,84.82,432.88 +16.45,44.68,1018.6,85.14,462.66 +27.88,63.87,1017.79,40,443.24 +26.62,65.12,1016,43.24,441.22 +27.94,49.16,1004.22,35.46,436.75 +5.02,45.87,1007.8,99.22,481.03 +31.87,71.22,1006.16,45.66,437 +24.49,68.61,1010.56,64.03,447.57 +30.42,67.69,1006.23,54.19,430.9 +20.85,59.21,1012.9,75.97,444.44 +13.18,40.03,1017.75,82.29,470.88 +5.37,38.68,1017.76,76.48,487.07 +31.81,69.88,1007.94,55.91,432.6 +20.55,48.98,1016.1,63.89,452.52 +22.49,69.84,1006.78,73.76,437.57 +12.57,39.18,1023.09,77.28,471.87 +27.35,69.48,1008.51,65.81,432.31 +17.82,49.15,1020.73,70.25,457.35 +23.25,56.9,1006.82,76.37,442.76 +9.37,40.11,1024.94,75.03,471.13 +24.43,58.2,1017.18,46.84,444.89 +20.04,49.39,1020.62,78.84,449.63 +10.06,43.22,1014.1,85.7,473 +21.44,50.78,1008.87,87.56,443.3 +29.04,62.26,1010.63,56.6,433.97 +8.83,41.26,1023.04,86.08,478.87 +24.19,46.21,1010.79,62.04,440.87 +11.97,41.04,1026.42,70.75,468.81 +19.43,52.9,1017.16,67.41,458.46 +15.59,45.09,1013.41,91.97,457.54 +13.23,42.34,1018.02,97.49,462.21 +16.34,41.16,1006.36,75.52,462.56 +28.1,61.02,1011.28,59.05,437.5 +26.08,70.32,1012.32,89,434.24 +24.44,52.84,1006.39,49.05,440.2 +18.37,58.96,1015.5,67.79,460.25 +22.93,51.19,1009.3,82.8,443.57 +29.67,73.67,1006.48,64.98,429.28 +12.15,43.71,1025.78,93.69,472.59 +15.67,45.17,1018.73,94.74,462.09 +14.7,48.6,1006.91,85.65,460.63 +27.33,52.84,1005.88,56.16,438.97 +12.55,38.91,1012.58,75.44,474.35 +31.42,69.13,1009.34,57.16,425.98 +15.44,39.54,1007.49,82.14,469.28 +24.19,47.45,1008.26,64.25,446.3 +6.05,41.14,1027.69,86.93,481.02 +13.94,42.86,1012.35,88.78,471.64 +5.79,45.87,1010.23,95.41,480.97 +27.01,69.75,1009.78,81.29,442.57 +9.59,38.56,1017.01,60.1,481.3 +27.46,69.98,1013.28,63.73,435.36 +22.63,70.47,1008,82.27,441.92 +28.11,77.95,1009.38,72.81,432.98 +18.87,44.06,1013.42,68.78,451.4 +15.5,49.25,1021.41,77.92,453.99 +3.73,39.42,1024.4,82.42,488.58 +26.41,68.24,1010.6,77.79,428.52 +17.83,66.86,1011.65,77.31,456.56 +13.44,37.85,1009.78,99.13,469.89 +14.62,46.18,1014.75,96.81,462.26 +19.7,43.79,1015.93,47.39,464.41 +6.06,41.17,1019.67,84.7,489.62 +15.89,38.73,1001.45,74.37,465.76 +31.63,69.59,1008.66,61.81,436.89 +18.99,44.58,1018.29,54.71,468.35 +13.96,40.92,1022.65,73.08,460.95 +20.21,54.9,1016.82,66.56,454.23 +15.14,49.64,1023.78,75,463.58 +18.97,44.85,1014.86,46.31,466.17 +21.36,52.3,1007.95,79.38,448.13 +29.48,64.69,1006.44,64.46,435.09 +21.1,62.66,1011.19,83.49,448.8 +26.51,70.32,1010.3,57.4,431.82 +30.93,61.5,1009.81,41.46,437.35 +11.64,41.44,1016.4,73.18,478.99 +7.26,36.08,1021.47,83.15,483.58 +16.36,44.88,1018.34,76,468.53 +17.43,63.09,1019.87,92.77,449.36 +10.37,37.5,1013.19,79.25,473.1 +22.8,49.16,1006.4,77.05,439.65 +21,70.02,1010.22,95.11,447.29 +12.68,45,1022.54,77.19,479.69 +12.35,44.2,1017.81,82.49,471.65 +7.09,43.13,1017.91,92.37,485.04 +28.9,68.12,1011.87,46.56,438.53 +26.82,69.05,1004.62,40,437.42 +11.02,40.71,1020.3,86.64,469.31 +14.95,43.72,1010.28,93.62,459.31 +16.58,44.68,1021.5,83.38,458.87 +31.73,73.42,1010.8,61.81,430.46 +8.58,38.38,1021.03,84.37,482.26 +28.08,73.17,1011.19,73.1,430.8 +31.01,67.83,1007.95,43.57,429.46 +26.94,59.87,1011.66,58.34,448.6 +10.2,41.62,1016.52,98.09,462.87 +9.2,39.99,1011.73,85.95,484.04 +27.69,70.32,1012.2,82.27,432.57 +25.71,71.14,1010.02,66.39,432.46 +18.22,39.63,1005.11,79,465.78 +16.81,42.42,1008.95,74.25,462.19 +30.63,74.22,1007.47,46.52,430.38 +12.11,38.28,1013.56,93.21,469.93 +23.75,60.29,1017.36,64.04,449.57 +33.96,68.94,1006.93,47.39,427.06 +29.35,54.2,1013.07,42.45,439.47 +23.07,50.05,1006.9,86.98,442.97 +12.91,41.66,1013.37,71.52,469.71 +6.25,39.04,1019.65,71.27,484.14 +19.8,58.79,1017.04,87.71,449.66 +31.38,68.27,1006.79,52.79,426.67 +10.62,39.96,1025.37,96.64,470.8 +6.89,43.65,1019.87,72.77,484 +16.3,38.73,1001.79,73.45,465.7 +14.82,44.58,1020.13,74.88,473.17 +22.97,63.94,1010.5,88.47,440.81 +31.15,66.25,1008.89,61.08,437.55 +15.69,41.93,1021.3,52.69,468.43 +26.65,66.48,1005.7,65.09,436.65 +29.38,73.42,1011.49,54.96,445.42 +16.77,49.39,1018.61,95.86,459.38 +22.77,70.32,1012.04,82.43,440.67 +15.91,44.99,1010.93,62.81,459.73 +24.33,68.08,1013.02,64.81,442.93 +19.69,56.65,1020.79,66.94,457.17 +31.76,66.54,1003.02,49.64,430.18 +14.47,42.86,1031.55,66.73,466.64 +27.2,72.43,1006.75,80.67,430.32 +17.29,44.06,1016.24,77.56,461.38 +25.44,63.13,1011.74,77.83,441.91 +16.98,43.7,1015.07,53.51,464.01 +22.65,68.67,1006.67,77.42,447.01 +26.41,60.93,1007.16,66.02,436.71 +19.78,63.09,1019.01,78.39,448.34 +19.26,65.61,1015.03,85.74,451.85 +22.25,59.8,1016.79,69.02,451.64 +7.1,35.77,1015.39,92.1,480.36 +18.53,39.72,1001.26,64.08,457.26 +30.47,77.3,1002.13,63.7,434.68 +27.34,71.64,1008.12,72.22,438.76 +29.8,69.34,1009.36,64.74,437.65 +22.69,65.12,1016.35,72.02,446.91 +18.58,49.25,1019.92,60.24,452.94 +14.16,44.06,1018.92,76.34,464.91 +28.33,78.92,1011.15,70.04,432.67 +28.31,70.32,1007.88,47,432.5 +21.5,50.59,1017.08,65.28,453.8 +29.24,64.33,1011.5,64.14,440.29 +25.15,66.49,1012.71,63.46,436 +15.48,53.82,1016.1,64.77,462.69 +16.07,47.83,1006.99,86.49,458.18 +18.02,53.16,1013.41,82.84,458.01 +14.99,41.35,1004.56,98.9,466.85 +29.62,71.8,1011.05,63.13,438.55 +25.04,63.86,1018.92,52.79,441.6 +11.45,40.8,1027.74,78.6,476.28 +18.96,44.58,1016.66,71.95,461.96 +26.54,66.51,1015.39,51.22,440.04 +22.3,67.25,1017.33,75.85,453.27 +14.7,41.39,1018.84,68.19,469.6 +9.14,40.6,1015.34,88.91,483.57 +6.14,38.5,1012.4,75.35,489.26 +11.24,42.34,1021.3,95.19,469.3 +30.55,71.06,1009.33,73.38,432.6 +14.9,52.05,1015.11,77.33,464.82 +10.25,37.14,1013.14,70.73,474.37 +3.26,41.31,996.32,100,489.38 +27.54,75.6,1018.26,57.89,440.87 +13.65,44.6,1017.99,87.04,466.06 +22.08,41.1,1002.19,46.69,455.04 +24.93,69.05,1001.02,85.14,429.53 +27.58,71.97,1008.51,87.99,430.53 +32.14,75.08,1005.35,49.92,439.22 +16.98,44.85,1015.48,51.77,464.27 +13.25,34.03,1018.94,72.1,470.46 +25.9,48.92,1009.82,35.42,443.8 +30.27,64.05,1011.93,65.72,438.68 +22.37,50.78,1008.84,82.06,449.08 +21.93,57.17,1009.81,81.15,448.75 +29.65,74.9,1003.22,71.09,433.32 +18.32,42.18,1002.27,95.99,458.46 +22.76,44.05,1006.95,74.07,450.31 +8.95,43.56,1015.04,81.53,485.21 +13.12,44.21,1019.57,89.29,469.09 +21.18,44.57,1007.27,73.67,449.93 +16.71,46.18,1011.61,95.82,459.4 +15.01,43.56,1014.65,61.82,465.84 +25.96,68.08,1011.34,71.57,432.82 +33.4,69.98,1013.29,47.78,432.44 +17.4,63.09,1020.84,92.58,453 +6.49,35.57,1025.4,79.67,486.8 +6.01,35.79,1011.26,90.72,482.79 +29.97,69.14,1007.92,66.74,433.82 +21.33,63.86,1020.33,72.13,445.02 +23.27,64.69,1006.84,70.53,438.08 +28.3,59.27,1010.92,61.83,445.19 +5.74,45.87,1011.44,95.94,482 +21.67,50.32,1008.41,85.99,445.31 +20.06,47.03,1013.66,83.23,461.02 +8.25,37.49,1009.02,81.09,480.38 +22.61,50.32,1008.41,79.4,444.74 +26.31,71.29,1009.87,84.16,432.92 +25.03,57.5,1014.96,62.23,449.48 +11.44,41.39,1019.59,79.95,478.52 +25.14,49.02,1007.56,79.02,438.53 +30.91,69.75,1010.23,59.36,435.7 +31.54,71.06,1008.4,71.77,431.87 +12.24,44.9,1020.31,82.22,464.25 +6.65,39.33,1011.29,92.85,490.41 +8.31,40.46,1020.07,78.18,476.72 +22.72,50.05,1007,88.24,444.43 +22.78,58.59,1012.84,65.55,445.45 +25.63,72.99,1008.2,86.8,436.64 +6.01,35.79,1011.05,91.33,482.25 +20.21,65.06,1016.46,73.36,451.46 +7.47,40.64,1020.47,94.8,478.08 +19.73,69.51,1013.14,61.84,450.99 +13.57,39.39,1014.01,82.12,471.44 +14.8,42.77,1019.14,76.53,462.29 +10.41,44.68,1023.53,91.38,474.7 +12.33,39.85,1012.53,66.04,479.32 +26.65,73.18,1012.27,83.12,437.7 +19.09,56.51,1015.58,92.56,449.24 +12.81,45.51,1015.46,79.97,469.27 +9.99,36.71,1023.57,83.53,475.85 +13.02,40.1,1014.43,87.32,474.97 +14.15,39.28,1013.5,77.63,471.23 +19.46,47.03,1013.9,88.86,460.57 +23.19,42.67,1007.83,63.31,446.95 +20.25,58.59,1012.99,65.98,452.18 +31.9,69.4,1003.4,57.76,436.04 +20.76,44.58,1017.09,57.47,462.01 +20.51,42.23,1013.25,71.83,461.78 +22.56,70.98,1005.66,95.95,440.81 +25.64,68.14,1005.48,56.11,437.63 +23.63,58.79,1017.2,67.68,442.86 +15.3,43.14,1015.11,71.35,466 +6.79,39.37,1019.79,72.39,487.3 +23.89,48.41,1010.48,62.31,441.83 +26.23,63.56,1013.57,65.81,440.8 +12.5,45.51,1015.8,82.82,469.69 +21.97,68.12,1012.53,75.12,443.39 +24.11,66.51,1015.35,56.01,437.21 +18.24,49.5,1014.37,79.36,464.13 +19.7,52.84,1004.86,89.72,444.64 +19.15,57.76,1019.62,74.89,458.66 +14.79,39.52,1017.95,71.97,469.47 +25.13,68.63,1013.57,43.44,446.36 +23.02,59.21,1011.74,83.18,440.5 +34.35,77.17,1009.26,59.33,437.65 +23.95,66.48,1003.55,73.68,431.87 +25.52,63.94,1017.81,41.54,440.32 +23.56,42.67,1008.01,66.76,440.69 +26.67,59.44,1012.01,58.83,441.29 +18.7,66.51,1015.14,79.23,458.73 +25.89,63.56,1013.82,64.51,443.82 +27.25,50.05,1006.53,60.64,439.63 +16.73,58.59,1015.02,89.61,455.3 +30.67,77.95,1015.28,61.67,435.96 +13.98,54.3,1015.58,74.91,466.52 +25.42,69.71,1009.29,82.5,435.59 +21.57,66.49,1014.76,68.19,455.18 +23.66,67.17,1007.24,87.56,443.43 +13.87,42.99,1007.45,81.52,471.12 +9.42,41.4,1029.6,87.43,478.12 +13.61,39.85,1012.78,58.12,475.62 +23.84,59.87,1019.11,59.59,441.94 +31.09,59.57,1010.67,60.5,440.08 +3.98,35.47,1017.22,86.53,489.64 +29.28,74.33,1011.66,72.37,426.53 +23.55,58.79,1010.78,78.47,447.01 +17.37,48.92,1011.91,58.4,455.53 +18.34,44.63,1000.76,89.27,455.22 +13.86,40.83,1008.76,82.4,470.37 +27.36,58.33,1013.86,56.7,439.14 +27.71,54.2,1012.72,47.25,440.74 +8.46,40.8,1023.57,81.27,485.06 +25.18,47.93,1002.92,60.33,441.29 +21.82,63.9,1014.48,92.53,447.29 +15.61,40.89,1010.48,80.26,467.3 +30.4,71.97,1008.42,76.28,430.23 +10.54,42.02,997.5,99.77,472.64 +10.59,39.96,1025.87,97.05,468.96 +12.52,41.44,1016.08,68.94,477.18 +32.92,69.05,1000.74,39.61,426.61 +21.14,69.94,1008.87,79.74,440.69 +26.33,64.45,1013.12,43.31,450.67 +27.19,71.58,1010.85,76.1,436.77 +19.64,56.53,1019.6,76.19,447.66 +15.52,58.59,1014.12,91.22,457.74 +12.95,41.38,1021.97,53.83,474.46 +6.43,36.08,1022.73,85.03,486.39 +25.21,60.37,1006.01,73.14,436.23 +21.24,41.67,1012.6,49.27,459.81 +9.63,41.14,1027.99,87.89,469.73 +24.32,58.79,1016.8,65.61,442.78 +17.47,63.31,1015.28,88.22,450.68 +14.54,39.39,1013.87,76.39,470.23 +20.74,49.69,1010.91,69.1,454.59 +8.75,40.77,1021.99,86.46,478.85 +27.67,69.59,1009.13,82.15,437.29 +23.21,58.66,1012.24,65.31,450.92 +7.49,39.81,1019.03,87.29,483.59 +7.82,38.91,1015.58,90.11,479.15 +7.77,35.77,1016.53,73.79,479.68 +22.84,50.05,1005.59,79.49,442.85 +10.48,41.93,1017.17,92.81,480.01 +10.2,41.46,1020.23,84.54,481.46 +27.24,68.08,1013.23,51.96,445.25 +9.37,42.32,1015.15,82.96,477.57 +24.12,58.66,1011.55,58.96,450.69 +14.54,43.14,1010.26,82.98,465.45 +31.23,66.75,1017.48,36.55,433.9 +5.41,45.87,1008.47,97.51,479.48 +15.61,38.52,1018.4,80.99,439.21 +26.9,59.14,1016.18,70.88,436.16 +23.95,73.67,1007.32,87.67,437.43 +9.2,40.03,1017.05,92.46,480.38 +9.51,43.79,1016.02,79.81,481.12 +8.51,41.26,1023.17,87.79,477.51 +19.66,51.43,1010.17,84.19,459.12 +27.33,51.43,1006.18,67.6,439.12 +21.43,63.94,1017.28,57.49,449.02 +14.97,43.67,1011.13,87.33,465.54 +21.97,69.23,1012.25,86.45,443.85 +8.34,40.77,1010.84,90.01,480.48 +21.86,60.27,1016.06,90.48,446.31 +24.59,71.94,1006.89,88.52,430.28 +26.26,73.06,1009.35,91.65,435.41 +26.76,71.94,1008.81,64.62,432.49 +30.98,69.82,1009.17,50.63,438.44 +19.22,65.06,1015.05,82.5,446.98 +25.72,70.47,1010.44,70.57,434.94 +22.37,41.54,1013.74,72.21,459.06 +26.05,44.89,1009.83,56.36,443.18 +20.8,50.9,1012.07,73.16,457 +29.1,77.95,1010.01,71.48,431.28 +11.17,40.27,1009.54,74.56,476.18 +11.35,40.73,1019.37,96.05,472.32 +18.12,63.09,1019.32,89.21,449.65 +16.97,42.86,1013.92,74.8,463.62 +10.22,38.18,1018.01,70.7,474.07 +13.1,40.55,1007.59,95.46,472.37 +18.22,45.09,1013.62,75.56,454.74 +4.15,39.9,1008.84,96.68,491.22 +19.15,59.21,1018.41,88.9,450.26 +15.87,39.31,1009.95,66.78,460.59 +8.05,40.8,1028.01,89.56,483.43 +18.81,61.87,1009.71,70.47,448.49 +23.95,51.86,1014.24,68.28,449.81 +13.21,41.2,1016.63,74.1,474.26 +9.38,43.7,1015.45,90.47,481.52 +27.41,59.21,1013.3,50.93,438.39 +18.42,63.94,1020.47,74.47,450.55 +19.51,44.05,1008.52,78.38,451.7 +28.5,76.86,999.49,77.47,430.62 +11.97,42.32,1016.95,88.32,467.98 +3,39.64,1011,80.14,485.2 +12.11,41.17,1019.46,62.59,475.53 +12.32,41.26,1022.42,79.74,470.27 +8.83,36.3,1027.08,72.69,479.86 +20.08,49.69,1008.34,69.88,453.54 +32.12,69.98,1013.31,54.3,429.86 +18.68,56.65,1020.38,80.26,455.79 +28.33,68.27,1008.09,50.37,432.66 +25.14,67.32,1013.96,41.78,435.39 +31.43,69.89,1014.8,56.22,426.15 +29.54,72.29,1011,42,443.79 +24.94,74.33,1014.3,75.34,435.21 +26.49,67.69,1004.61,78.13,430.62 +23.89,64.27,1013.37,75.22,450.82 +14.41,40.83,1009.82,80.43,470.13 +29.3,68.08,1011.23,56.23,434.11 +23.09,69.71,1009.75,91.35,437.7 +23.23,71.77,1005.01,88.1,432.8 +28.86,67.9,1006.29,57.19,432.97 +7.4,41.04,1024.44,90.9,477.69 +25.23,61.86,1013,76.18,441.48 +26.69,79.74,1008.29,73.79,431.41 +23.99,45.87,1007.63,52.62,443.66 +31.65,66.25,1008.57,59.05,437.35 +8.94,43.13,1014.82,76.66,483.63 +15.79,58.86,1015.85,91.91,455.15 +11.43,40.22,1010.84,81.04,477.5 +21.14,67.71,1006.38,56.78,445.12 +25.21,65.34,1013.94,65.04,446.68 +10.42,39.35,1015.21,89.75,478.52 +4.84,38.5,1011.96,81.62,491.23 +21.57,69.23,1011.94,81.73,437.55 +20.86,39.72,1001.73,56.38,456.27 +11.06,37.92,1008.76,67.32,473.16 +15.86,40.66,1016.23,86.74,455.85 +22.12,60.77,1018.01,83.87,443.97 +30.2,71.8,1011.13,60.66,436.94 +7.91,37.8,1020.59,61,483.49 +17.1,62.1,1020.39,93.63,453.4 +13.06,44.2,1018.95,85.68,469.02 +20.73,69.94,1009.9,82.12,445.91 +10.69,36.71,1022.08,83.28,472.81 +17.28,44.06,1018.15,66.93,462.05 +8.13,39.96,1026.07,95.84,477.12 +19.4,39.53,1007.96,63.38,457.17 +25.21,59.21,1017.37,55.06,445.33 +25.67,58.59,1013,62.34,451.03 +7.31,42.18,1014.75,86.75,477.38 +24.27,57.85,1012.81,63.48,445.1 +25.8,65.38,1009.3,52.28,450.5 +20.68,42.04,1010.2,63.43,464.14 +21.26,50.32,1008.41,87.22,446.22 +11.2,35.76,1019.24,64.59,473.33 +20,39.53,1007.59,62.09,456.28 +10.34,41.46,1017.75,89.73,478.03 +7.72,41.14,1025.11,96.75,478.34 +26.79,77.95,1009.9,80.22,437.91 +21.26,60.84,1018.43,78.83,446.08 +12.85,40.92,1023.04,84.04,461.05 +28.07,70.32,1007.17,67.02,430.29 +17.72,39.99,1007.34,72.3,461.7 +26.43,75.33,1004.09,86.48,431.79 +27.39,67.07,1006.17,58.2,441.45 +30.18,65.74,1012.63,47.74,441.65 +25.45,67.83,1009.47,57.97,429.95 +11.72,41.54,1020.04,66.84,476.12 +8.43,40.6,1015.39,91.81,483.1 +16.18,41.66,1010.01,65.62,465.82 +13.33,54.3,1016.77,80.32,468.1 +26.18,52.36,1013.46,56.65,453.54 +8.57,41.17,1020.18,72.47,484.2 +21.22,59.15,1014.68,59.71,450.96 +26.53,65.18,1012.77,64.37,437.39 +12.34,40.1,1015.77,92.26,470.92 +19.54,44.57,1007.19,78.93,450.54 +9.68,41.44,1015.19,87.34,479.89 +18.19,66.54,1012.9,86.05,449.22 +31.25,68.94,1005.99,49.61,434.51 +26.8,72.58,1008.94,78.24,428.62 +16.82,41.66,1010.49,63.14,465.64 +29.52,64.79,1017.53,44.83,439.6 +26.93,72.99,1007.33,78.85,433.18 +9.45,41.4,1027.06,87.35,479 +13.98,44.84,1023.6,89.09,462.81 +29.15,73.42,1011.43,66.49,432.26 +10.28,39.61,1020.43,69.09,478.34 +21.24,63.47,1011.86,97.02,442.94 +11.41,41.4,1019.01,78.59,449.5 +20.15,39.72,1001.85,59.32,456.87 +11.39,40.27,1009.04,73.13,474.93 +22.07,50.78,1008.6,61.33,449.96 +28.28,69.48,1008.56,61.3,428.75 +9.96,41.26,1022.9,83.83,475.21 +21.69,44.57,1005.84,71.53,447.88 +13.93,44.21,1022.26,82.4,469.12 +23.63,60.93,1006.41,83.06,439.9 +16.39,52.75,1024.42,54.61,459.48 +13.93,44.9,1022.15,85.93,470.59 +14.5,41.76,1023.94,84.42,464.23 +18.84,67.32,1012.63,81.89,449.21 +27.19,64.27,1013.06,58.13,444.54 +20.95,70.72,1009.96,87.73,445.66 +14.49,41.92,1030.3,56.62,463.81 +24.77,71.94,1006.77,88.86,432.27 +21.14,48.78,1020.39,86.2,450.35 +28.4,59.27,1012.03,59.75,441.64 +17.69,65.46,1013.72,67.28,448.49 +23.39,63.94,1010.54,89.94,441.44 +20.98,43.77,1010.67,62.73,449.88 +7.24,41.17,1020.35,80.56,486.76 +22.17,65.61,1014.71,70.91,449.91 +19.23,41.67,1012.53,48.86,465.66 +10.82,41.55,1004.55,65.14,475.44 +16.7,50.66,1014.86,94.87,457.74 +19.83,51.19,1008.13,91.29,449 +29.99,74.9,1003.84,64.43,435.87 +25.02,60.77,1016.71,69.85,441.21 +8.85,40.22,1008.61,90.6,482.3 +9.87,40.81,1017.17,84.25,473.2 +24.04,72.43,1008.02,87.2,439.39 +26.45,69.13,1001.53,89.64,427.5 +27.58,57.19,1007.88,52.95,435.7 +16.53,53.29,1018.64,87.47,463.32 +29.24,60.23,1009.62,59.71,438.24 +15.52,40,1017,66.27,454.14 +28.47,67.69,1004.79,56.51,430.67 +8.27,35.76,1020.11,75.25,480.8 +26.75,64.79,1017.79,54.31,438.4 +22.64,72.24,1011.07,98.55,434.36 +19.59,66.54,1012.73,85.84,447.16 +18.56,42.18,1001.46,99.59,456.61 +9.35,44.03,1011.02,88.11,476.25 +28.5,72.99,1007.02,67.13,433.24 +23.42,73.17,1012.07,88.39,438.22 +22.66,68.3,1017.73,86.92,431.27 +32,71.85,1008.44,53.59,427.95 +21.11,65.94,1009.83,71.91,448.77 +26.34,69.04,1009.44,72.06,444.13 +20.94,44.78,1008.14,35.7,465.57 +20.54,59.39,1014.07,84.15,445.41 +8.16,39.64,1011.21,85.56,481.78 +29.11,74.9,1003.31,74.01,432.43 +20.16,57.76,1019.34,72.1,455.13 +24.87,68.61,1011.19,55.69,450.54 +25.86,59.92,1009.92,73.95,436.06 +27.26,73.18,1012.58,74.83,429.92 +28.59,69.84,1003.79,67.31,427.53 +8.75,40.22,1008.96,90.53,482.8 +9.11,40.64,1020.68,86.91,476.62 +22.98,69.84,1005.55,84.1,437.49 +11.28,43.41,1017.91,81.03,471.42 +26.12,75.6,1017.41,72.31,439.68 +32.9,68.51,1012.95,50.09,430.23 +17.31,44.71,1017.43,35.4,463.05 +5.25,42.85,1013.75,89.67,477.78 +22.57,62.4,1009.77,86.05,444.69 +20.41,50.32,1008.45,93.12,447.06 +12.29,40.03,1017.62,89.64,472.65 +24.3,69.94,1007.02,62.14,438.92 +11.56,41.62,1012.5,91.42,460.6 +14.21,39.16,1016.5,85.09,473.87 +24.96,68.12,1011.27,70.22,437.62 +28.16,70.4,1003.77,83.17,434.01 +22.86,47.43,1009.75,61.54,452.53 +14.43,45.08,1023.23,83.98,465.07 +29.3,67.69,1007.17,55.5,430.72 +22.61,42.8,1014.24,69.71,460.26 +19.83,59.21,1012.67,96.42,440.03 +26.17,59.92,1010.01,73.75,444.96 +5.78,45.87,1012.65,88.8,483.27 +8.77,40.46,1019.68,77.84,475 +24.48,69.13,1002.88,69.43,432.71 +15.29,41.1,1005.75,85.53,467.99 +9.44,43.99,1020.31,98.06,475.01 +26.4,48.41,1008.51,66.95,442.23 +21.95,60.95,1015.22,75.09,450.38 +22.42,60.08,1017.71,67.46,452.31 +24.32,65.48,1017.55,59.02,443.31 +30.15,72.51,1009.37,50.64,443.72 +6.86,40.02,1031.5,77.94,476.45 +14.46,45.87,1008.26,89.44,458.69 +4.73,41.31,999.77,93.44,486.6 +10.27,38.38,1022.16,70.77,475.58 +20.37,54.9,1016.94,65.86,453.94 +8.12,43.02,1013.56,85.26,483.55 +28.57,69.34,1007.98,65.55,439.46 +18.81,49.15,1020.79,67.09,459.81 +28.62,63.77,1012.82,55.77,441.97 +13.96,40.83,1009.89,84.86,469.86 +30.47,72.86,1004.02,66.35,432.51 +29.13,66.56,1006.63,52.85,439.31 +24.41,56.9,1006.58,77.94,439.51 +14.56,45.51,1015.39,69.84,469.79 +7.11,39.9,1008.82,87.76,484.21 +7.92,39.54,1011.51,84.41,481.44 +14.56,41.76,1023.82,85.36,464.3 +17.45,42.28,1007.64,69.19,463.83 +29.75,70.32,1007.35,55.8,427.2 +14.86,37.85,1010.58,86.8,467.71 +10.57,36.71,1022.11,82.39,472.62 +30.09,76.2,1006.64,61.02,434.68 +6.82,41.03,1022.12,87.63,489.64 +15.4,41.16,1005.34,80.22,465.16 +7.31,43.02,1014.19,86.43,484.82 +32.56,68.94,1007.12,58.18,425.61 +9.77,39.04,1023.73,76.06,483.87 +29.22,72.39,1000.87,77.39,430.24 +14.33,38.73,1003.52,85.92,468.86 +23.36,74.93,1016.57,71.91,443.78 +15.23,44.9,1007.75,81.34,456.07 +26.82,65.27,1013.6,53.85,437.84 +32.41,72.86,1003.69,58.04,432.75 +12.92,39.35,1014.56,88.29,469.83 +16.92,44.6,1017.34,58.75,460.17 +17.18,63.09,1020.67,93.58,451.37 +29.31,64.84,1010.49,53.97,442.11 +27.04,48.41,1008.57,60.73,441.21 +13.21,43.71,1024.5,86.59,466.39 +12.3,39.85,1012.59,73.38,476.42 +14.66,41.76,1022.12,78.13,463.6 +29.1,73.9,1007.47,59.48,436.56 +24.54,60.23,1011.55,72.78,445.25 +25.24,68.67,1006.76,76.95,442.29 +24.81,66.44,1011.19,69.96,435.79 +8.75,36.3,1015.61,57.53,480.4 +18.01,44.2,1018.84,55.72,456.36 +28.44,67.07,1006.08,50.42,433.15 +13.56,40.75,1016.05,74.64,474.26 +8.13,71.14,1018.94,86.7,471.99 +18.97,44.78,1007.87,47.98,463.46 +25.66,70.02,1010.89,68.14,442.2 +24.32,66.25,1009.09,91.89,444.93 +16.7,46.18,1011.4,95.51,458.05 +7.61,43.22,1014.8,86.92,478.55 +9.01,38.56,1016.67,63.61,482.37 +14.98,39.58,1011.78,75.07,467.77 +30.24,67.32,1014.07,46.53,437.18 +13.53,38.73,1004.86,85.38,472.46 +16.73,43.79,1016.25,73.58,468.87 +11.94,39.28,1017.04,89.88,475.59 +25.68,67.79,1010.66,69.51,449.04 +17.84,61.27,1020.1,70.68,454.57 +22.66,61.27,1019.29,55.43,448.68 +15.69,44.6,1014.06,61.51,462.07 +22.88,63.91,1009.63,87.82,442.5 +30.78,73.67,1005.97,58.7,427.15 +18.44,45.38,1014.3,86.02,461.99 +12.03,41.58,1015.09,90.43,464.02 +27.74,74.78,1010.05,60.82,436.87 +33.01,69.88,1006.71,53.25,433.5 +10.56,41.54,1019.92,78.95,479.33 +28.8,71.58,1010.51,59.87,434.82 +18,44.06,1016.8,78.88,454.59 +15.27,38.73,1002.83,77.77,465.99 +6.26,41.31,1002.04,87.54,485.57 +9.24,41.4,1018.34,84.91,477.65 +19.65,51.3,1014.81,90.23,452.5 +21.32,49.02,1008.81,85.81,445.65 +8.43,40.69,1020.36,87.28,484.94 +23.49,42.8,1013.96,65.31,459.9 +17.88,46.97,1013.73,67.78,456.77 +24.7,44.57,1008.24,57.62,444.65 +28.4,74.93,1013.65,48.6,442.23 +24.59,60.37,1005.31,76.81,438.09 +18.28,60.1,1009.72,85.79,452.93 +10.08,37.92,1010.47,66.37,474.63 +14.48,46.18,1015.83,92.15,462.3 +24.77,48.92,1010.25,47.04,448.25 +26.13,79.74,1005.61,90.27,431.29 +7.61,38.06,1021.16,83.22,484.14 +22.06,59.21,1012.84,87.06,442.31 +20.51,39.72,1002.25,47.97,452.39 +22.99,56.57,1013.93,78.77,445.44 +14.05,39.59,1011.2,94.54,464.63 +10.95,40.81,1016.19,77.96,474.36 +11.84,40.05,1014.54,86.78,473.82 +20.76,51.19,1009,87.23,445 +12.89,48.14,1017.48,83.95,463.77 +26.62,72.43,1006.79,82.74,430.22 +15.8,41.1,1003,77.36,465.87 +17.8,43.72,1008.71,78.5,458.92 +5.5,39.04,1021.46,78.91,478.65 +12.38,44.2,1020.23,81.5,467.04 +17.14,44.2,1018.91,62.18,457.02 +9.41,39.61,1016.14,78.38,477.34 +14.44,41.2,1015.96,81.97,469.85 +11.68,40.55,1022.21,85.76,475.13 +17.48,49.39,1021.51,84.53,460.01 +13.87,41.74,1021.42,64.02,472.12 +23.57,70.04,1011.06,82.79,437.53 +15.85,49.69,1015.48,88.65,464.72 +25.59,73.5,1011.19,81.52,435.48 +13.95,71.14,1019.76,75.51,461.18 +17.12,49.5,1014.79,87.03,463.39 +23.99,67.69,1007.9,78.57,437.1 +24.41,52.3,1006.28,70.33,442.62 +30.25,71.8,1010.87,60.4,437.28 +13.38,40.89,1010.48,92.55,472.15 +27.55,73.68,1013.62,81.13,431.86 +25.16,77.3,1000.73,86.4,439.37 +34.15,68.51,1010.75,37.02,430.19 +12.68,40.73,1017.66,92.08,465.94 +24.64,58.49,1011.2,72.67,444.95 +25.38,70.94,1007.87,73.59,446.31 +31.35,71.32,1005.99,62.35,434.43 +7.79,41.01,1024,97.2,477 +19.19,63.31,1016.88,66.58,453.16 +11.8,42.34,1020.25,93.54,466.52 +20.47,63.07,1012.79,88.67,451.71 +24.82,71.94,1010.5,64.67,438.69 +29.6,71.58,1010.34,52.56,434.64 +9.48,40.11,1025.49,73.81,472.16 +28.42,73.4,1011.39,62.72,438.25 +11.86,39.85,1013,66.92,478.29 +14.48,40.89,1011.39,82.18,470.44 +4.71,42.07,1005.35,82.26,486.79 +21.7,60.77,1018.07,88.15,444.66 +28.97,67.9,1006.19,65.81,434.7 +14.1,44.84,1025.09,79.42,468.22 +11.74,40.71,1020.64,82.15,470.05 +23.82,48.92,1010.48,44.45,446.85 +23.01,44.05,1006.56,74.95,450.67 +25.77,68.08,1010.99,73.58,433.46 +27,59.15,1013.12,61.39,440.58 +11.92,40.62,1015.91,55.4,464.9 +12.83,41.67,1012.84,84.29,474.81 +13.69,43.22,1009.94,74.64,466.72 +14.17,42.86,1030.94,66.47,466.2 +12.82,41.58,1020.37,81.06,464.07 +16.7,46.18,1012.6,96.15,455.93 +6.5,41.14,1028.15,86.78,480.96 +8.28,40.56,1023.29,79.44,486.4 +28.46,69.75,1009.46,79.75,435.75 +27.16,56.85,1012.07,39.05,437.4 +14.12,42.86,1011.84,88.29,471.86 +10.8,40.69,1014.3,87.44,478.19 +21.4,44.57,1005.7,73.09,445.09 +26.45,54.5,1014.96,65.55,450.76 +27.39,66.93,1017.16,53.75,441.04 +25.78,47.93,1003.67,67.23,442.46 +9.5,37.36,1015.13,63.41,478.8 +25.1,74.87,1010.01,79.41,439.93 +31.98,70.17,999.43,59.42,430.92 +11.71,40.05,1014.49,86.09,471.49 +13.81,40.2,1013.66,88.16,464.23 +21.95,68.63,1012.8,61.55,448.9 +6.94,39.61,1017.74,81.43,480.07 +14.26,42.86,1011.33,88.37,471.19 +19.04,50.12,1010.53,100.09,446.59 +14.65,39.28,1014.04,77.98,470.41 +22.35,65.61,1016.27,73.93,448.41 +33.33,73.03,1014.2,42.28,436.05 +12.32,41.62,1012.16,88.37,455.71 +29.55,66.25,1009.38,69.55,436.29 +14.81,42.77,1017.83,75.09,463.06 +19.48,58.66,1013.32,73.16,454.4 +28.01,51.43,1011.6,49.2,449.82 +31.46,70.79,1003.54,59.51,425.68 +13.98,40.71,1022.72,71.83,474.46 +27.32,73.42,1012.07,86.3,432.74 +24.75,63.57,1010.47,84.24,445.3 +28.29,61.86,1011.87,64.17,438.25 +26.24,70.36,1005.4,82.43,437.31 +9.54,41.17,1019.79,65.61,481.18 +27.44,52.3,1008.15,58.92,441.75 +20.86,51.3,1012.03,92.46,449.67 +7.69,36.24,1013.08,88.37,482.46 +22.97,64.15,1021,70.61,450.07 +20.24,56.03,1019.78,59.8,460.76 +8.5,39.16,1014.1,86.64,485.76 +19.38,63.56,1013.13,83.54,452.01 +21.31,58.05,1012.94,88.39,446.76 +32.98,71.32,1003.67,49.78,433.56 +26.49,78.92,1010.82,83.42,434.91 +32.14,68.31,1010.48,42.15,436.15 +9.45,43.5,1018.89,84.29,476.1 +15.06,39.3,1019.63,63.32,464.15 +15.7,44.21,1021.26,86.83,462.19 +21.47,57.19,1006.45,75.8,448.31 +9.08,36.71,1025.07,81.32,479.02 +25.72,72.39,1003.01,86.38,432.77 +20.25,63.91,1009.27,97.97,448.37 +23.7,62.91,1012.26,57.89,444.99 +31.84,71.37,1003.51,46.22,432.04 +13.15,41.14,1026.72,80.31,461.49 +10.33,41.44,1015.24,86.72,478.79 +29.23,77.3,1002.71,65.24,438.05 +20.29,65.27,1013.17,74.94,445.52 +12.65,41.93,1023.07,65.05,479.53 +25.06,65.46,1014.37,38.82,443.03 +23,63.78,1015.85,70.46,444.62 +21.9,47.43,1006.8,60.48,452.13 +23.76,58.41,1013.85,85.38,445.85 +10.05,41.17,1018.98,83.71,481.38 +24.81,59.43,1009.42,54.64,439.33 +25.69,64.45,1013.05,42,450.94 +14.1,44.92,1023.95,89.5,467.22 +10.17,41.46,1020.01,84.86,482.36 +16.57,53.82,1015.17,63.69,462.52 +19.02,44.85,1014.57,43.37,465.42 +14.8,40.2,1012.87,88.35,466.27 +29.39,69.89,1013.92,47.36,434.27 +25.38,63.87,1018.7,52.48,442.13 +13.52,42.34,1017.97,95.34,463.71 +22.31,51.19,1009.38,79.72,444.74 +17.55,43.14,1018.86,76,461.58 +12.83,44.88,1017.86,87.88,474.26 +26.77,74.22,1008.87,74.68,434.35 +24.49,65.46,1015.77,44.95,445.27 +15.21,43.56,1012.92,56.61,467 +31.15,67.45,1014.85,42.11,431.97 +19.45,38.52,1017.99,62.86,451.96 +17.68,45.17,1017.5,77.57,461.96 +22.01,58.46,1016.26,75.99,443.75 +13.6,42.86,1013.37,87.52,472.27 +17.63,40.55,1002.27,73.42,462.13 +23.74,52.3,1008.88,76.34,444.4 +21.34,51.61,1010.11,80.7,452 +6.48,36.24,1013.62,92.03,484.65 +24.32,59.14,1017.46,80.14,438.08 +13.8,39.82,1012.37,83.69,473.56 +30.74,71.77,1006.24,53.38,434.89 +26.52,77.17,1008.71,92.32,432.48 +24.01,46.93,1013.3,52.24,448.35 +25.12,71.58,1010.18,87.5,433.58 +33.26,68.51,1012.49,52.68,429.38 +3.38,41.31,998.79,97.76,489.11 +15.77,58.16,1016.09,82.56,450.11 +10.75,45.01,1018.73,93.16,471.47 +18.04,44.85,1015.13,48.4,463.31 +20.79,50.59,1017.75,73.35,456.01 +24.85,70.09,1006.56,70.09,439.96 +14.87,35.71,1015.53,57.7,468.75 +10.93,39.22,1019.44,64.94,473.27 +9.51,40.46,1018.84,70.12,471.32 +27.57,60.07,1016.52,54.75,440.12 +26.13,48.06,1013.5,47.67,440.99 +11.72,40.92,1023.35,88.55,465.88 +13.32,41.7,1020.22,88.3,451.93 +15.65,54.3,1018,69.66,461.69 +28.98,70.8,1008.19,73.45,434.08 +21.96,48.6,1004.87,76.27,446.56 +21.29,47.45,1008.85,71.6,447.78 +22,51.3,1012.87,85.79,450.18 +16.49,49.39,1018.1,93.13,461.54 +23.57,63.91,1011.65,80.74,441.93 +22.72,69.13,1010.81,92.43,438.01 +26.06,71.73,1009.65,77.02,432.38 +31.11,74.16,1012.2,58.86,435.69 +17.34,45.01,1013.22,77.71,459.01 +24.42,64.79,1016.12,69.32,449.1 +28.88,71.98,1005.37,74.24,428.61 +14.28,42.77,1020.06,81.77,466.75 +12.28,40.92,1023.23,89.14,460.33 +19.92,38.52,1018.15,60.68,451.16 +7.98,40.77,1008.69,98.65,480.72 +29.17,72.99,1006.86,64.92,430.59 +20.71,58.79,1017.48,86.67,444.39 +25.15,62.91,1012.23,48.22,444.19 +18.45,42.44,1013.45,63.52,459.79 +27.96,77.24,1007.23,78.51,433.35 +22.61,45.38,1013.92,62.91,459.53 +10.62,39.64,1010.51,68.55,478.37 +7.55,38.08,1019.37,76.32,485.49 +28.84,74.67,1016.52,67.43,428.98 +23.55,65.94,1011.76,58.44,443.98 +19.11,44.85,1014.76,45.86,464.66 +25.87,67.79,1011.16,79.88,445.87 +11.68,40.55,1017.31,99.82,473.51 +27.51,73.67,1005.71,76.75,431.97 +14.43,39.82,1012.56,78.52,470.17 +30.22,74.9,1003.57,67.15,434.17 +18.41,44.9,1008.97,73.81,453.12 +29.56,71.14,1011.42,53.18,432.09 +31.54,77.24,1007.83,62.98,430.07 +25.16,43.21,1011.73,88.69,442.29 +30.75,73.88,1005.62,57.95,436.97 +16.71,46.18,1012.06,96.6,458.4 +20.29,63.09,1019.03,76.07,448.22 +25.16,54.2,1012.69,58.02,441.99 +22.56,66.48,1003.82,77.46,437.73 +32.81,75.08,1005.09,42,433.37 +27.04,69.98,1008.5,75.41,433.25 +10.58,42.34,1022.32,94.01,474.91 +22.91,66.44,1011.23,63.43,444.48 +31.35,68.67,1005.26,66.85,433.73 +10.55,41.55,1005.02,63.24,473.99 +21.53,70.02,1010.33,95.95,440.93 +13.42,38.91,1012.81,73.82,472.22 +14.26,44.47,1028.81,72.19,465.77 +21.89,74.78,1010.35,80.39,444.6 +22.98,51.95,1006.83,74.92,454.63 +18.63,61.27,1019.69,73.67,454.03 +26.28,73.06,1008.06,90.7,437.01 +10.12,41.55,1005.78,62.34,475.46 +34.53,73.03,1013.53,36.74,437.03 +25.55,71.64,1009.09,79.35,439.37 +25.41,68.94,1007.21,69.2,436.95 +25.59,65.46,1014.47,37.89,444.9 +23.09,69.13,1010.93,90.07,436.67 +10.31,40.67,1017.61,69.61,485.25 +30.1,66.25,1009.38,65.41,434.99 +16.81,42.86,1013.83,77.11,464.36 +21.87,69.45,1014.04,71.19,439.97 +26.75,43.21,1012.29,87.28,430.45 +26.3,69.05,1005.37,41.7,438.12 +27.19,64.96,1006.71,73.99,428.79 +24.15,71.73,1009.76,85.16,436.55 +29.28,77.17,1009.4,76.3,433.14 +13.61,38.47,1015.1,54.98,466.51 +22.04,57.32,1012.54,62.17,447.27 +9.86,38.38,1018.22,85.35,479.56 +25.81,66.51,1016.53,62.19,437.57 +14.29,39.59,1012.36,92.38,463.13 +23.15,69.48,1011.07,85.83,436.16 +4.96,39.4,1003.58,92.22,486.09 +19.11,58.95,1017.07,85.49,449.89 +21.84,60.29,1017.23,66.89,454.4 +27.4,77.24,1007.65,78.13,435.74 +24.63,63.9,1014.53,75.24,440.23 +24.37,68.14,1005.22,59.27,440.22 +27.16,59.87,1011.78,58.84,446.38 +10.67,42.02,996.55,99.94,472.65 +11.2,37.5,1013.81,72.81,472.2 +25.67,68.3,1017.16,74.19,435.89 +25.93,69.34,1008.91,79.43,434.08 +25.71,52.84,1006.32,53.29,445.54 +22.98,73.17,1011.94,90.13,438.5 +21.94,62.52,1015.99,74.56,449.87 +22.67,68.08,1013,66.59,443.79 +27.28,72.58,1009.21,89.96,431.27 +20.24,56.53,1020.29,77.75,455.25 +27.92,69.23,1013.21,44.43,435.62 +31.95,70.79,1003.8,55.25,426.37 +11.41,40.1,1014.27,91.17,476.81 +23.74,63.9,1014.73,81.9,445.47 +18.74,44.34,1019.4,55.16,468.84 +11.22,41.66,1008.96,72.38,477.53 +22.53,62.39,1007.84,86.4,450.08 +26.31,77.95,1012.45,77.22,436.83 +10.23,42.07,1017.93,91.1,475.14 +9.07,36.3,1015.26,56.81,479.98 +8.42,37.49,1009.22,82.15,478.87 +4.87,42.85,1012.69,94.72,482.05 +26.91,74.99,1005.64,78.98,437.06 +10.77,41.44,1016.72,75.27,479.19 +22.93,58.2,1017.75,54.09,444.95 +20.19,44.57,1009.2,72.13,454.36 +25.18,61.08,1013.08,80.75,445.64 +14.1,41.16,1021.26,73.87,460.01 +20.79,68.28,1001.42,76.77,445.83 +30.56,72.39,999.96,69.81,430.85 +17.67,53.16,1013.59,83.31,457.99 +12.66,40.35,1011.37,82.77,473.11 +17.28,65.94,1013.62,89.97,454.76 +9.47,40.81,1026.44,91.87,479.96 +20.32,39.72,1001.38,57.21,456.18 +18.2,52.72,1025.87,54.26,463.47 +7.81,40.71,1023.32,82.08,475.46 +29.46,49.3,1003.88,54.1,436.37 +22.68,70.47,1010.86,82.8,441.47 +25.76,65.48,1017.82,54.77,441.14 +23.3,52.84,1003.97,72.16,439.49 +25.21,49.82,1016.44,63.14,450.75 +18.82,61.27,1019.5,72.23,455.29 +28.71,64.69,1006.52,68.38,435.85 +7,41.55,1001.43,97.12,483.92 +18.41,42.44,1012.66,65.93,463.2 +29.06,71.64,1005.54,69.84,435.98 +9.88,37.83,1005.68,97.61,470.44 +20.06,60.77,1017.19,88.73,447.35 +11.39,43.72,1010.91,98.83,467.8 +28.7,71.64,1007.11,69.85,436.58 +22.55,47.45,1008.65,67.9,447.42 +28.08,59.14,1016.16,58.08,438.83 +21.05,61.87,1009.69,62.81,449.05 +14.47,48.14,1017.28,87.36,457.45 +8.05,38.38,1021.14,86.39,482.17 +13.41,45,1022.31,76.29,475.9 +8.9,41.4,1030.83,85.63,472.95 +18.83,48.98,1016.33,74.23,453.28 +24.17,48.78,1018.08,75.14,440.96 +26.73,49.02,1007.75,67.73,438.17 +21.54,58.41,1013.99,86.34,450.69 +26.12,63.31,1013.97,51.6,439.77 +21.73,50.32,1008.51,84.62,442.1 +28.28,61.47,1009.44,60.89,443.12 +25.61,60.32,1015.77,56.48,443.96 +25.28,70.32,1006.91,81.74,431.43 +23.88,67.9,1005.99,67.58,446.34 +34.6,64.96,1003.3,34.32,427.65 +16.32,43.14,1014.72,70.43,465.38 +23.56,67.79,1010.14,89.72,441.29 +9.93,39.04,1023.78,77.08,480.54 +24.93,73.5,1011.28,83.09,437.35 +28.11,70.98,1007.76,85.6,431.83 +29.2,64.84,1009.94,55.37,441.9 +8.66,41.01,1022.51,98.55,472.16 +9.35,41.03,1021.33,66.75,482.16 +23.04,64.27,1014.29,80.23,439.67 +7.38,41.22,1016.47,96.29,485.73 +25.09,65.46,1015.29,40.13,442.99 +5.47,38.68,1017.33,72.71,485.7 +26.11,69.84,1002.57,84.99,427.45 +6.62,42.49,1008.74,94.57,482.74 +21.61,58.62,1017.61,76.07,449.11 +29.97,70.32,1007.44,53.26,428.42 +28.79,70.79,1003.83,65.9,425.64 +23.9,61.41,1011.95,67.87,451.99 +32.84,74.67,1015.89,31.81,430.88 +11.11,40.55,1023.91,87.12,476.37 +14.28,43.02,1012.97,49.44,467.83 +19.94,61.87,1009.7,66.6,445.97 +12.25,44.85,1014.13,85.25,470.92 +15.15,37.64,1014.37,89.82,463.98 +9.08,40.46,1019.48,77.37,476.81 +26.58,70.98,1008.96,77.36,434.41 +19.31,60.07,1014.86,69.37,453.47 +33.3,80.18,1011.09,63.98,430.16 +9.33,42.49,1008.93,82.59,478.43 +26.96,65.34,1015.05,46.93,441.81 +16.72,44.34,1019.26,63.77,465.89 +14.38,45.09,1012.95,86.1,464.27 +32.36,73.91,1003.88,59.84,431.92 +27.08,63.78,1015.04,50.8,447.24 +21.45,60.84,1017.86,82.8,444.99 +20.25,58.33,1013.25,68.92,448.93 +20.52,57.76,1017.03,81.19,453.64 +26.04,68.08,1010.82,75.58,430.32 +18.42,60.1,1009.77,86.75,451.93 +8.06,39.96,1024.23,94.48,476.03 +28.8,74.9,1003.48,75.01,434.01 +23.34,73.5,1011.43,89.74,441.14 +26.61,56.85,1012.48,48.84,437.26 +29.24,74.67,1015.81,59.95,432.61 +12.65,44,1023.03,88.73,471.46 +12.08,40.75,1015.84,86.9,476.84 +12.76,40.27,1006.58,49.34,474.03 +25.65,49.3,1003.73,68.48,440.05 +17.92,50.66,1012.62,93,456.84 +16.45,41.48,1016.64,45.21,454.69 +22.22,59.14,1017.32,83.41,442.31 +18.56,42.28,1007.75,60.89,462.05 +19.69,56.65,1020.84,72.14,455.07 +20.27,63.56,1014.24,86.55,446.93 +21.47,70.32,1011.72,88.36,440 +10.1,41.58,1021.26,94.06,468.19 +29.36,68.94,1007.5,79.91,431.39 +18.62,59.15,1012.85,82.54,450.81 +20.55,63.86,1015.12,73.98,447.54 +8.57,40.69,1020.87,84.15,485.18 +14.45,43.71,1025.26,84.23,463.6 +31.17,70.98,1007.19,67.34,431.01 +31.54,77.24,1008.23,70.19,431.27 +14.19,43.71,1024.38,83.03,467.8 +29.35,69.04,1008.55,61.78,445.04 +29.63,69.59,1008.3,72.53,438.64 +11.21,44.03,1007.95,93.03,471.79 +13.74,41.16,1010.74,87.69,473.19 +25.53,59.57,1010.65,82.04,445.59 +31.67,69.89,1013.88,39.33,426.35 +26.63,74.22,1007.44,78.5,434.25 +24.66,58.86,1013.86,56.39,444.42 +20.12,45.09,1013.73,57.78,448.35 +9.52,39.61,1021.18,73.78,478.79 +13.65,41.58,1020.56,72.17,460.8 +25.44,66.54,1011.9,56.76,437.99 +12.41,41.16,1017.45,93.64,464.08 +14.05,41.39,1019.06,68.54,472.19 +24.94,63.94,1012.72,73.71,438.55 +6.08,35.79,1011.08,90.59,483.08 +28.84,75.6,1018.41,53.96,442.69 +7.51,43.02,1014.35,86.46,485.38 +23.88,69.94,1007.48,61,440.63 +31.88,66.44,1009.25,64.06,427.83 +28.27,66.56,1007.36,55.99,433.52 +23.96,51.3,1011.81,71.81,451.11 +22.44,63.47,1012.02,91.08,444.65 +14.01,38.91,1015.86,69.24,470.1 +29.17,64.79,1016.43,61.05,441.2 +14.53,39,1016.48,76.36,464.86 +31.42,70.17,999.3,61.22,430.78 +23.64,58.49,1011.4,74.2,445.75 +26.25,52.09,1013.2,53.12,450.53 +6.72,39.85,1011.84,84.66,489.09 +21.9,63.13,1011.54,81.83,447.4 +20.11,51.19,1007.82,92.06,449.03 +29.22,73.18,1012.22,64.91,430.57 +31.25,69.51,1010.25,36.83,428.77 +8.13,39.99,1011.71,87.89,486.19 +22.35,66.44,1011.19,65.41,445.27 +13.87,38.01,1022.61,84.22,473.39 +9.27,36.3,1026.93,72.13,479.66 +17.32,45,1022.19,40.45,469.38 +13.2,45.01,1013.96,78.78,466.71 +15.83,45.01,1013.39,81.9,460.22 +9.44,41.4,1027.64,86.22,473.94 +26.17,48.92,1009.87,34.43,440.09 +16.37,44,1024.61,78.26,460.14 +10.74,40.05,1015.45,87.33,477.93 +15.45,45,1023.63,70.74,469.54 +28.54,76.86,1000.09,74.67,433.35 +23.29,62.91,1013.35,68.25,444.61 +9.54,41.17,1019.79,65.61,481.18 +21.04,50.32,1008.41,90.19,446.33 +23.56,60.77,1017.93,76.34,443.13 +13.12,39.18,1023.11,64.33,471.44 +26.03,70.32,1008.81,71.35,438.15 +10.15,43.41,1018.4,82.07,473.43 +25.87,59.43,1008.34,65.83,440.26 +23.1,72.99,1008.85,90.54,440.46 +22.35,63.94,1010.32,93.02,443.9 +23.46,47.01,1014.41,69.19,457.76 +29.76,73.56,1008.07,84.85,432.51 +23.45,66.25,1009.1,90.28,443.44 +33.18,72.29,1009.51,58.35,435.26 +28.85,66.54,1010.73,43.27,437.79 +25.37,66.75,1017.94,79.26,434.16 +7.38,44.71,1020.27,70.55,486.91 +10.9,41.46,1016.66,86.2,479.45 +20.6,45.38,1014.93,75.78,460.24 +13.43,40.1,1015.82,87.9,471.77 +24.73,71.14,1009.07,68.87,437.55 +24.36,68.61,1010.27,63.78,448.71 +24.62,72.24,1011.39,83.94,432.13 +10.87,37.5,1011.43,95.56,474.07 +24.82,59.27,1012.76,72.34,444.81 +25.31,49.82,1014.62,62.15,453.05 +18.77,52.08,1004.02,99.86,449.62 +21.5,61.5,1008.43,78.13,447.83 +10.07,41.39,1019.89,70.53,480.54 +27.92,68.3,1015.02,51.04,437.28 +24.96,65.18,1012.68,76.19,436.24 +20.67,70.02,1010.42,94.09,448.75 +29.13,70.72,1009.61,67.49,436.9 +24.47,75.23,1012.43,75.25,441.07 +16.16,25.88,1009.58,72.24,461.86 +21.32,59.8,1016.26,76.26,452.7 +20.32,39.72,1002,51.71,458.8 +24.32,71.14,1011.71,71.65,435.34 +4.77,39.33,1011.32,68.98,494.91 +20.87,63.31,1012.27,79.51,446.7 +28.17,63.13,1012.44,66.61,439.94 +29.64,69.51,1012.13,44.65,428.69 +25.25,62.91,1012.51,62.64,443.14 +22.25,60.77,1017.8,82.19,444.05 +22.49,71.29,1008.24,75.8,442.58 +29.16,73.17,1010.96,67.77,429.06 +14.49,44.84,1024.09,86.55,465.72 +11.95,41.48,1013.44,74.83,465.41 +26.99,72.99,1008,76.1,430.81 +26.36,73.68,1013.99,86.44,430.39 +9.91,39.64,1010.57,75.82,478.63 +23.94,51.95,1008.61,73.42,448.67 +22.84,59.39,1014.61,80.36,443.71 +13.64,44.88,1019.85,56.86,466.66 +20.01,43.77,1012.13,65.53,455.66 +18.58,44.6,1016.61,48.15,459.06 +25.69,72.43,1006.86,86.38,429.99 +26.98,72.58,1008.55,78.5,431.12 +13.73,45.08,1023.55,81.64,470.35 +28.67,69.14,1008.24,72.68,433.79 +29.22,75.23,1010.49,48.73,438.57 +25.67,74.78,1010.24,68.87,440.48 +22.67,62.52,1016.47,65.63,449.34 +16.44,44,1024.48,76.51,460.33 +23.26,59.14,1016.98,76.29,440.37 +21.14,58.05,1012.98,87.27,449.74 +31.68,73.68,1014.85,64,431.11 +8.8,41.26,1008.08,96.52,479.74 +18.13,49.39,1021.29,82.52,458.53 +22.68,59.54,1004.32,95.44,437.96 +14.56,40.69,1015.48,73.73,469.31 +29.28,75.08,1005.21,59,436.15 +14,43.34,1016.37,85.51,463.99 +23.76,74.22,1009.2,92.98,437.47 +20.98,60.1,1011.07,79.44,450.95 +27.61,59.54,1005.84,71.27,437.85 +8.86,40.8,1028.18,91,483.36 +25.64,63.87,1017.14,49.25,444.34 +13.5,41.44,1015.72,68.36,471.34 +33.94,74.67,1015.94,28.16,427.98 +11.72,39.18,1024.19,68.53,468.98 +28.61,69.75,1009.82,71.7,440.53 +20.11,57.25,1010.36,88.89,451.95 +30.61,67.69,1004.97,47.46,429.8 +22.04,58.05,1013.11,85.22,447.28 +27.62,67.51,1012.38,60.25,442.13 +24.09,63.94,1017.59,51.02,442.92 +23.22,63.07,1012.91,77.59,446.62 +16.2,65.46,1013.97,89.84,451.86 +9.7,40.11,1026.61,75.48,473.97 +22.85,60.29,1017.29,61.92,448.58 +31.18,69.04,1008.19,49.72,441.26 +15.43,39.64,1008.58,87.99,464.05 +24.57,49.5,1014.22,56.31,455.72 +9.52,40.96,1023.48,86.49,483.59 +26.38,66.49,1013.89,43.06,442.38 +26.32,69.71,1009.39,67.05,441.25 +25.92,50.16,1003.95,71.3,440.98 +12.19,40.05,1014.77,84.39,473.92 +19.79,44.9,1008.66,72.68,455.59 +9.76,41.01,1019.66,97.59,467.6 +16.74,41.16,1006.87,74.24,463 +11.34,41.54,1020.25,75.83,477.24 +25.9,47.45,1007.8,55.96,443.13 +16.63,43.77,1012.25,75.09,458.66 +17.45,50.9,1012.16,83.8,458.67 +23.34,45.61,1012.73,74.09,455.82 +24.41,58.59,1012.62,64.52,442.64 +12.31,44.78,1011.15,77.34,468.29 +10.35,37.14,1013.37,69.26,472.63 +33.43,66.44,1010.29,53.45,433.01 +5.64,40.62,1015.76,85.98,483.17 +24.8,61.02,1009.86,71.75,438.96 +24.33,46.93,1013.72,48.27,447.43 +14.87,38.28,1014.65,80.24,467.29 +7.66,41.92,1031.96,82.48,485.11 +27.61,69.68,1012.79,77.01,438.31 +23.4,72.99,1009.48,88.82,438.51 +13.98,44.58,1016.48,77.59,473.01 +18.12,58.95,1017.82,86.16,449.28 +17.12,48.6,1007.38,79.15,454.47 +9.56,44.71,1021.13,64.6,487.92 +24.85,58.05,1011.5,70.12,444.53 +11.63,41.5,1013.6,87.11,477.3 +17.19,43.14,1014.34,68.62,464.72 +15.68,43.7,1015.09,58.96,470.29 +23.64,69.94,1005.2,64.53,439.66 +10.19,44.63,1020.58,91.64,472.45 +27.71,70.32,1008.63,64.05,432.59 +9.12,41.54,1018.61,79.26,482.95 +15.78,48.6,1007.24,84.23,460.86 +27.55,68.08,1011.42,60.71,432.59 +14.5,39,1017.04,75.75,465.32 +23.88,51.95,1005.37,75.25,449.52 +25.01,66.56,1004.55,82.46,434.74 +22.36,58.79,1011.77,87.51,446.49 +27.76,44.89,1009.4,50.15,442.83 +9.95,43.56,1014.85,82.62,477.88 +17.48,58.95,1016.49,90.35,449.26 +17.35,47.83,1006.71,80.57,453.96 +12.82,43.5,1022.38,84.32,471.41 +28.86,49.3,1003.93,52.85,435.75 +33.41,77.95,1010.3,59.72,432.9 +13.63,43.5,1022.12,84.32,468.28 +24.49,70.79,1005.51,88.65,430.54 +25.58,63.47,1011.44,66.81,443.66 +24.25,74.93,1013.07,69.31,445.44 +9.59,38.56,1017.52,61.89,481.05 +23.27,64.15,1020.98,71.18,452.26 +23.09,70.47,1010.76,79.89,439.36 +28.35,70.32,1009.22,47.13,427.21 +19.62,68.63,1012.26,68.05,453.84 +29.13,47.93,1002.5,49.1,435.61 +21.92,66.54,1012.49,79.82,443.03 +12.52,40.24,1020.45,97.41,470.56 +18.17,52.08,1001.91,100.09,451.06 +27.5,65.59,1011.23,65.37,441.27 +14.48,39,1016.75,75.97,464.56 +19.41,46.63,1013.23,86.28,452.6 +24.43,47.45,1007.68,65.18,446.45 +25.45,63.76,1009.96,67.78,439.56 +10.07,39.66,1015.37,83.78,479.64 +18.85,48.06,1012.52,67.88,451.77 +24.65,64.63,1020.52,53.45,446.04 +18.99,62.1,1020,76.76,453.09 +8.8,39.42,1025.17,68.72,476.5 +10.16,41.79,1021.35,52.4,472.75 +27.75,77.24,1007.48,78.37,433.57 +23.43,61.47,1007.84,87.11,448.01 +28.62,69.98,1013.3,68.53,432.11 +15.82,43.34,1014.52,79.07,460.4 +22.61,44.05,1005.69,76.74,443.45 +23.96,60.95,1015.01,65.24,446.4 +29.81,73.67,1005.6,60.91,430.67 +26.98,70.94,1007.99,68.16,434.73 +7.64,41.17,1020.01,75.14,488.53 +20.07,42.23,1012.86,74.11,461.25 +19.05,59.21,1017.99,89.53,451 +26.27,58.33,1013.81,60.43,438.82 +22.45,57.76,1017.55,58.6,450.61 +26.52,73.21,1002.3,95.38,437.02 +24.73,69.94,1006.09,59.15,439.86 +26.11,70.36,1007.64,70.12,445.37 +10.87,38.38,1020.85,69.78,477.03 +7.19,38.91,1016.53,88.61,486.05 +14.91,39.28,1014.57,75.23,469.34 +19.5,52.72,1025.21,50.21,457.26 +22.96,68.61,1011.15,76.62,447.18 +29.74,56.9,1007.15,41.91,438.76 +16.03,41.23,996.35,82.04,464.67 +17.35,52.72,1026.31,58.01,463.65 +11.26,39.35,1015.47,99.28,471.83 +27.82,59.15,1012.74,42.78,442 +28.15,71.94,1006.73,68.21,427.69 +14.66,42.77,1019.37,79.79,463.6 +26.56,49.02,1007.65,70.78,438.82 +15.49,42.07,1018.01,78.07,460.32 +29.29,73.18,1012.4,66.65,430.31 +21.69,57.17,1011.75,82.63,446.61 +33.67,80.18,1010.83,60.87,431.99 +20.79,57.32,1012.47,70.09,446.18 +23.35,71.85,1009.32,73.48,441.28 +27.01,43.77,1011.18,46.58,440.64 +27.71,69.13,1001.63,51.45,432.54 +23.48,49.16,1002.7,70.22,445.72 +17.77,43.72,1009.01,77.7,456.34 +22.24,69.23,1011.83,79.37,441.9 +24.6,57.85,1012.92,69.56,447.09 +19.06,50.16,1011.36,99.64,449.74 +14.56,47.45,1009.52,91.14,451.95 +26.62,71.73,1009.32,80.1,431.93 +23.03,59.04,1011.85,81.24,444.85 +13.73,41.92,1031.01,64.92,466.29 +13.79,42.07,1018.27,88.06,462.25 +23.46,73.18,1012.07,88.14,438.62 +19.58,52.9,1017.46,64.64,458.28 +12.76,43.7,1015.13,65.34,475.73 +6.93,43.13,1018.61,88.31,486.94 +10.63,39.61,1020,72.42,476.99 +17.46,39.99,1008.52,69.73,461.01 +6.15,40.77,1022.42,88.57,482.49 +6.9,44.71,1019.7,71.21,486.3 +25.77,59.39,1014.76,69.99,438.64 +27.86,63.07,1011.11,56.81,440.48 +7.91,41.79,1021.86,54.92,479.02 +22.35,63.47,1013.21,82.52,440.11 +17.65,62.1,1019.63,84.3,452.2 +16.96,52.9,1019.61,81.86,460.2 +18.71,53.16,1013.26,82.64,455.7 +24.22,61.86,1013.39,80.11,442.65 +23.61,59.39,1015.11,78.84,438.08 +14.01,45.08,1023.28,82.49,464.79 +31.33,76.86,997.85,64.43,431.44 +12.86,44.77,1018.75,74.73,468.43 +16.4,38.01,1022.2,73.05,463.79 +22.49,58.82,1009.73,85.19,444.11 +23.75,61.5,1008.16,69.14,442.35 +28.92,66.51,1015.5,34.51,439.09 +12.11,41.17,1019.46,62.59,475.53 +13.64,43.71,1024.41,84.46,468.85 +28.52,57.82,1004.81,57.82,435.4 +24.79,59.21,1017.9,53.83,446.04 +24.27,60.37,1005.13,77.16,437.78 +31.59,62.7,1009.3,50.16,442.58 +23.25,51.86,1013.54,78.34,450.22 +22.1,58.33,1013.71,69.09,441.31 +24.97,54.2,1012.68,74.25,439.71 +11.96,43.41,1017.42,79.44,469.34 +35.03,68.27,1006.55,43.82,426.22 +17.97,65.94,1012.92,88.22,448.88 +24.24,70.32,1009.38,82.83,436.45 +5.04,40.64,1021.35,93.63,484.42 +17.18,40.55,1000.47,72.03,461.73 +11.24,25.36,1009.26,97.47,469.92 +32.69,72.86,1003.57,56.84,431.76 +27.6,73.42,1011.91,83.66,431.44 +7.5,38.06,1021.96,83.45,485.98 +22.15,43.77,1010.81,60.08,448.46 +18.18,44.63,1020.41,48.64,455.57 +17.19,37.2,1011.84,67.59,468.4 +10.42,43.79,1016.22,90.75,474.79 +12.74,49.83,1007.44,91.47,466.09 +27.43,56.85,1011.86,36.76,436.64 +23.68,68.12,1011.18,72.45,441.54 +13.83,42.86,1030.77,75.09,470.21 +16.58,41.93,1022.36,45.24,466.61 +13.41,45,1021.65,45.24,478.96 +16.61,50.9,1013.18,85.26,460.35 +3.99,39.9,1009.74,96.81,490.91 +23.39,63.21,1011.91,84.57,448.3 +14.42,41.16,1004.32,88.42,467.25 +7.11,43.13,1018.96,87.82,486.11 +13.7,45.64,1019.18,92.66,467.9 +24.43,65.18,1012.57,77.83,437.26 +27.39,69.14,1008.82,78.35,435.22 +26.94,62.91,1011.68,41.3,449.1 +19.09,42.44,1012.93,63.59,461.84 +15.46,44.6,1017.7,68.2,459.62 +31.94,74.99,1002.05,34.12,440.17 +10.58,41.49,1020.43,91.9,473.19 +19.95,58.46,1017.45,89.46,447.1 +5.82,40.62,1016.79,85.04,482.67 +12.72,44.9,1007.6,71.8,463.49 +14.87,54.3,1017.17,71.57,462.87 +29.17,67.45,1014.1,46.85,435.08 +14.13,43.7,1015.94,80.89,469.28 +22.67,60.77,1017.56,79.43,444.43 +28.01,64.69,1007.61,58.45,440.23 +30.93,70.83,1010.61,46.13,440.59 +23.01,66.54,1009.86,64.53,442.47 +32.53,77.95,1014.76,58.1,434.44 +26.57,44.57,1007.76,50.39,445.49 +11.64,40.1,1015.5,87.05,477.2 +16.31,42.28,1007.45,77.77,466.49 +20.03,45.01,1012.73,56.89,460.11 +20.79,65.59,1014.9,77,450.3 +17.3,42.24,1017.07,64.52,469.21 +25.86,61.08,1013.51,67.5,449.67 +9.8,41.82,1032.98,67.55,473.72 +25.42,75.6,1017.39,77.63,438.24 +28.75,77.24,1008.92,77.17,433.03 +18.58,46.97,1014.25,74.09,454.26 +22.56,70.79,1005.85,93.09,435.14 +23.05,48.98,1015.64,49.33,446.05 +26.78,52.3,1008.52,61.23,441.21 +10.13,39.18,1024.09,85.48,479.42 +31.97,69.04,1008.5,47.69,441.18 +8.95,36.18,1014.08,76.94,478.07 +7.57,39.61,1018.66,85.73,480.86 +25.97,43.21,1011.9,88.73,434.83 +24.56,60.27,1017.63,74.5,440.31 +30.71,64.05,1011.75,62.81,438.42 +13.8,39.39,1013.85,81.95,471.7 +20.21,58.12,1015.36,79.18,453.19 +16.77,45.01,1013.47,81.42,458.22 +29.18,71.43,1011.65,59.49,443.75 +17.86,52.9,1015.71,67.99,457.42 +4.24,39.9,1009.28,96.74,491.25 +24.11,59.27,1011.02,78.18,444.35 +15.5,40.12,1012.79,96.75,460.41 +9.62,41.01,1019.43,97.99,467.34 +5.05,35.57,1027.03,80.02,491.4 +26.81,71.29,1009.65,80.69,434.48 +15.68,39.16,1006.09,75.62,461.98 +21.85,63.86,1020.16,68.84,445.62 +30.98,67.45,1015.18,45.4,433.59 +30.14,67.69,1006.54,57.05,426.91 +29.89,71.29,1009,55.72,431.45 +29.42,56.9,1006.51,53.6,439.51 +26.6,61.02,1010.26,66.16,436.19 +19.64,48.06,1014.81,74.96,455.27 +13.16,54.3,1017.33,82.43,468.4 +33.17,70.4,1004.45,58,430.14 +16.14,44.71,1014.83,39.41,468.88 +25.34,71.06,1007.74,92.52,434.86 +21.12,63.56,1014.16,81.42,445.9 +13.41,39.35,1015.1,79.32,471.85 +13.38,40.12,1013.92,96.96,468.15 +17.27,43.52,1021.37,76.73,460.08 +16.69,46.18,1010.8,96.8,466.03 +7.8,39.04,1018.46,66.5,482.31 +27.14,75.23,1011.47,63.14,439.33 +21.08,44.05,1008.13,72.52,449.6 +32.23,69.13,1000.61,55.1,426.9 +13.48,40.73,1017.59,94.81,463.6 +10.45,40,1019.01,89.01,465.43 +25.43,70.17,1000.46,87.84,436.43 +7.09,39.37,1020.07,73.26,487 +31.24,74.22,1007.74,48.77,430.44 +21.92,61.87,1009.68,58.83,445.52 +10.74,52.75,1021.75,75.41,467.48 +13.67,41.48,1017.51,63.54,463.97 +9.79,39.69,1002.36,93.86,471.61 +14.04,39.64,1011.09,87.22,472.31 +24.43,61.25,1011.66,85.24,436.05 +14.88,42.28,1007.26,71.3,466.73 +10.68,38.38,1020.79,72.33,476.22 +14.22,42.32,1015.54,77.23,465 +14.47,44.66,1016.33,93.52,464.41 +7.19,40.81,1015.22,85.65,487.15 +11.73,37.92,1008.24,65.13,472.04 +10.94,43.67,1012.36,73.3,477.34 +14.44,39,1017.06,76.02,466.96 +24.53,74.78,1009.9,78.34,446.3 +29.72,54.2,1012.86,38.48,438.84 +17.52,44.05,1008.87,85.67,455.72 +12.99,44,1025.22,90.27,470.93 +10.04,39.66,1015.84,82.31,480.63 +30.5,66.75,1017.55,38.2,432.87 +33.11,69.75,1008.88,42.08,437.19 +13.41,40.89,1010.85,89.61,472.4 +26.98,74.78,1009.77,69.54,442.28 +15.19,42.03,1017.38,71.66,462.64 +28.24,64.69,1007.35,61.14,438.03 +29.04,60.07,1014.88,47.23,438.5 +13.74,45.08,1024.97,84.79,466.79 +12.58,39.72,1017.85,57.74,471.24 +17.3,47.45,1010.29,87.13,448.79 +28,69.05,1000.82,65.24,427.71 +15.15,53.82,1016.34,62.59,461.6 +25.47,65.34,1015.3,50.31,445.39 +20.78,68.28,1008.75,60.87,450.57 +26.12,49.02,1008.63,72.04,438.52 +13.78,40.73,1017.55,94.28,462.59 +26.28,68.14,1005.61,53.17,435.71 +27.76,75.33,1003.69,79.62,433.03 +18.26,49.64,1024.92,62.82,462.6 +6.4,39.18,1024.6,86.83,484.44 +26.31,44.57,1007.51,52.6,452.73 +32.89,73.68,1014.45,52.34,426.46 +6.74,36.08,1020.36,86.98,484.18 +22.69,65.18,1012.47,80.9,441.18 +33.11,77.54,1010.36,50.99,431.77 +22.28,58.86,1014.08,66.47,446.55 +28.84,75.6,1018.41,53.96,442.69 +31.75,74.99,1003.25,53.33,430.82 +9.6,41.82,1032.93,72.63,475.01 +21.54,69.48,1011.04,80.48,443.15 +13.33,38.47,1015.42,58.27,466.26 +12.73,37.73,1021.89,61.76,470.89 +28.73,68.24,1008.31,56.85,430.63 +9,43.13,1020.25,81.32,481.09 +31.1,68.51,1012.99,54.3,428.68 +28.81,56.86,1005.82,56.86,434.08 +14.95,42.74,1027.66,66.71,464.31 +23.04,48.06,1014.16,54.99,459.36 +24.04,68.94,1007.62,69.11,437.13 +27.69,65.34,1014.31,46.59,442.84 +28.82,64.79,1016.74,56.34,445.1 +25.23,69.34,1009.51,82.87,445.92 +8.77,40.77,1011.54,89.58,480.56 +7.61,44.71,1019.41,70.48,485.36 +28.37,75.6,1017.48,55.19,439.25 +21.82,50.66,1013.74,73.6,455.2 +14.82,42.74,1028.04,69.81,466.34 +13.97,52.05,1012.05,85.36,463.64 +31.74,72.25,1012.21,41.62,437.29 +27.27,72.58,1009.25,89.31,428.93 +23.95,58.79,1010.45,74.34,448.32 +29.08,66.54,1004.67,64.5,430.16 +28.3,64.33,1011.23,68.88,441.51 +12.66,43.67,1012.49,95.96,472.44 +30.12,74.16,1013.13,63.56,433.08 +29.44,65.51,1014.82,56.49,445.67 +25.95,59.92,1010.05,76.05,443.93 +32.5,71.37,1003.75,43.8,433.7 +23.97,44.57,1007.35,62.71,448.17 +21.97,58.12,1015.29,77.47,449.6 +32.17,73.21,1001.43,69.86,430.64 +12.35,40.73,1019.03,95.53,466.71 +18.03,53.16,1013.06,82.03,458.04 +32.07,71.29,1008.43,44.95,426.96 +31.39,69.59,1008.28,62.86,435.76 +11.92,40.62,1016.66,55.25,468.14 +10.65,41.78,1013.66,70.04,474.27 +31.24,68.3,1015.89,42.84,435.2 +9.13,39.04,1022.36,74.6,483.24 +23.39,71.25,1005.22,93.7,435.68 +11.95,42.03,1017.58,90.89,465.2 +33.3,68.14,1003.02,53.43,426.88 +24.27,61.47,1007.84,80.85,448.66 +18.13,39.72,1002.75,58.85,455.81 +21.9,55.5,1018.85,60.27,456.52 +27.52,67.9,1005.65,59.52,439.01 +16.76,48.14,1012.92,65.74,456.31 +12.77,36.71,1013.29,86.4,475.59 +16.44,53.82,1015.4,63.16,462.09 +29.01,70.32,1007.26,60.55,429.23 +18.9,57.5,1016.21,93.9,451.42 +22.33,71.94,1011.06,82.85,441.85 +26.58,59.39,1014.49,65.87,439.46 +17.36,52.9,1015.42,69.97,458.66 +28.18,64.84,1009.22,56.04,443.65 +24.63,59.57,1010.45,85.36,440.67 +13.62,40.2,1014.2,85.05,465.74 +16.62,54.3,1017.99,63.76,459.59 +17.33,41.35,999.51,68.36,460.46 +20.72,63.94,1017.17,59.83,447.69 +6.89,39.37,1020.21,74.17,486.9 +33.61,69.88,1007.4,42.51,435.99 +27.38,59.21,1012.74,53.53,437.78 +23.21,63.94,1013.56,80.23,446.11 +26.13,71.25,999.8,88.47,430.6 +15.18,44.2,1019.6,72.45,462.09 +5.66,39.42,1024.7,78.52,482.11 +15.75,36.99,1007.67,93.8,464.38 +29.45,75.6,1018.12,50.68,437.31 +20.12,69.45,1013.23,88.48,442.89 +22.8,73.17,1011.87,91.57,437.98 +29.93,71.85,1008.43,66.64,426.82 +29.25,72.99,1006.85,61.15,429.12 +34.14,74.34,1000.19,43.56,434.23 +19.47,58.79,1016.8,87.26,450.17 +24.03,58.46,1015.71,70.15,442.03 +12.71,43.02,1012.25,62.68,475.38 +26.6,61.41,1012.35,54.42,451.4 +27.09,65.61,1014.22,48.13,442.94 +26.44,71.77,1006.68,81.45,430.12 +28.31,65.71,1014.67,59.29,447.26 +10.87,44.71,1021.38,58.22,484.63 +29.54,69.48,1008.91,56.07,427.82 +15.98,41.48,1017,55.73,456.31 +24.27,70.47,1008.96,78.31,434.24 +29.78,70.98,1007.82,77.59,436.32 +24.05,64.69,1006.63,69.2,438.36 +28.59,80.18,1011.36,89.18,431.55 +13.97,40.24,1018.32,88.72,467.93 +11.56,40.43,1025.48,74.75,489.54 +20.07,49.21,1012.34,56.8,454.25 +31.19,68.3,1014.86,39.1,430.48 +18.39,67.71,1003.77,92.48,444.63 +9.78,43.8,1022.25,69.64,477.22 +29.26,69.34,1009.76,58.64,435.32 +9.53,38.38,1020.49,80.08,478.03 +22.32,48.41,1008.68,79.11,445.36 +18.95,42.23,1013.01,79.4,462.73 +11.55,42.34,1020.78,94.56,469.13 +27.3,65.12,1016.24,44.87,442.78 +22.1,68.63,1015.19,59.05,449.54 +17.12,68.28,1003.56,94.29,449.94 +14.85,45.87,1009.37,84.65,462.67 +10.33,40.69,1014.25,84.46,480.18 +19.45,46.33,1013.39,99.52,452.82 +12.16,40.81,1025.79,70.97,476.63 +7.65,36.3,1016.5,65.51,482.56 +4.31,38.5,1011.75,82.08,492.92 +19.04,43.43,1009.25,68.74,453.32 +26.02,70.79,1004.21,79.12,428.72 +26.09,60.29,1017.72,50.83,444.71 +27.14,65.27,1013.26,55.17,441.68 +22.67,58.2,1016.91,60.75,446.36 +7.28,40.67,1020.16,72.7,493.3 +25.62,73.17,1011.65,86.45,430.56 +22.33,59.8,1016.84,67.09,450.07 +23.93,68.28,1005.16,69.91,444.95 +29.07,51.43,1006.22,61.58,438.79 +15.79,50.88,1014.58,99.9,460.19 +28.81,64.96,1000.46,68.05,427.91 +17.07,44.9,1020.74,70.18,460.19 +32.51,69.98,1011.92,49.45,428.37 +22.11,59.8,1016.74,73.9,453.45 +18.41,62.1,1020.4,78.1,457.14 +28.9,71.25,1000.73,77.24,431.52 +10.47,44.21,1017.87,85.34,476.02 +10.09,37.14,1012.99,72.59,473.66 +27.09,73.5,1011.34,76.06,434.31 +17.44,44.89,1009.9,80.54,457.67 +23.76,58.82,1011.75,77.34,444.57 +31.11,69.05,1002.37,41.56,433.19 +23.86,63.77,1014.6,82.37,440.58 +15.09,40.89,1010.15,92,466.47 +9.26,39.61,1021.18,84.58,480.38 +15.83,52.75,1024.3,58.34,458.6 +9.96,39.66,1015.23,82.98,480.6 +19.3,65.59,1014.07,81.98,452.76 +19.91,51.19,1008,90.23,449.23 +23.18,51.43,1011.56,81.83,449.94 +19.13,45.38,1014.72,81.95,459.94 +24.6,63.78,1017.25,60.33,448.65 +29.38,74.9,1003.25,72.19,433.74 +29.15,69.48,1008.68,55.78,430.54 +31.03,69.59,1007.77,63.96,432.56 +21.84,45.09,1013.94,46.11,450.88 +6.28,43.02,1013.72,88.13,487.17 +22.48,50.32,1008.47,83.58,444.5 +31.51,71.97,1007.84,71.18,430.11 +15.67,41.1,1004.1,77.93,466.45 +13.24,39.16,1016.52,86.66,474.48 +17.1,43.52,1020.3,70.51,461.51 +32.32,67.9,1006.08,37.93,428.12 +23.51,63.78,1016.1,69.79,446.58 +13.58,40.75,1016.05,76.45,472.73 +12.43,40.27,1007.08,61.56,470.92 +16.37,39.64,1009.19,76.92,463.91 +7.64,43.79,1016.17,84.45,486.01 +21.03,59.8,1015.86,76.63,453.86 +33.37,73.88,1005.8,47.94,436.76 +18.92,62.26,1012.05,85.99,451.51 +20.61,48.78,1020.8,85.05,449.38 +22.38,63.31,1014.76,73.8,441.3 +30.2,73.67,1006.31,62.14,428.72 +31.02,70.4,1006.24,77.86,431.37 +17.64,57.76,1016.28,85.04,455.75 +28.85,58.33,1013.78,41.39,444 +22.4,70.94,1008.06,84.52,440.04 +19.13,68.61,1010.65,94.92,448.69 +23.79,59.44,1012.53,79.48,448.67 +22.12,60.37,1008.75,92.13,439.18 +29.14,67.45,1015.51,46.47,433.34 +20.17,56.03,1019.47,56.77,458.04 +29.3,74.16,1007.72,81.92,431.32 +5.7,40.62,1016.07,84.94,482.82 +25.5,68.08,1011.13,72.86,436.07 +16.06,47.45,1009.97,88.09,450.62 +27.75,65.34,1014.8,45.91,440.83 +25.12,66.56,1009.22,65.62,436.56 +22.78,62.44,1011.79,75.43,446.12 +29.3,69.48,1010.1,53.69,429.42 +8.01,40.02,1031.33,85.01,477.84 +16.58,38.01,1023.5,60.14,464.03 +17.08,58.86,1016.04,87.46,449.98 +17.54,44.58,1016.56,79,465.51 +26.93,56.9,1006.25,77.79,444.7 +22.52,67.32,1011.4,66.2,443.49 +13.48,46.18,1018.15,88.38,464.58 +9.05,40,1015.48,80.91,472.41 +19.93,56.65,1020.7,62.82,456.53 +29.68,64.33,1011.2,57.73,441.79 +30.52,70.04,1010.62,54.47,431.14 +12.54,40.8,1024.56,68.97,479.65 +27.6,69.05,1003.87,42.01,436.08 +18.48,46.48,1007.53,82.57,461.49 +15.24,48.6,1007.08,86.49,459.85 +4.41,42.07,1005.54,68.85,488.36 +15.82,44.88,1018.59,78.88,461.9 +24.65,72.43,1007.99,90.05,437.59 +19.02,52.72,1025.44,51.9,461.57 +23.32,69.13,1010.75,91.84,435.27 +23.99,68.12,1012.92,70.68,437.14 +10.12,39.96,1025.98,98.63,471.6 +12.53,43.56,1014.8,74.05,469.23 +18.11,52.08,1002.51,100.09,449.99 +24.94,59.07,1008.89,84.79,440.12 +30.92,59.57,1010.87,62.43,440.96 +12.68,45.01,1013.86,83.26,448.69 +25.41,66.49,1014.06,51.09,449.2 +14.12,39.4,1008.02,76.45,468.63 +28.33,64.96,999.71,69.66,427.42 +14.77,49.15,1020.56,80.27,467.72 +29,70.72,1009.51,67.72,437.55 +18.02,49.78,1003.86,100.09,451.41 +11.55,40.6,1014.44,87.06,475.14 +15.31,52.75,1025.21,55.22,460.77 +12.36,37.73,1021.36,65.45,470.39 +19.45,58.95,1017.79,93.46,445.1 +27.05,67.79,1010.99,71.37,443.89 +9.73,40.22,1011.48,87.88,481.42 +11.11,37.5,1013.68,73.67,473.32 +13.01,41.58,1020.82,78.41,464.64 +11.76,40.96,1023.22,81.31,475.18 +17.58,39.63,1004.84,80.43,467.33 +27.54,51.43,1012.3,54.82,439.8 +29.79,77.17,1009.68,64,432.84 +13.83,40.2,1013.28,90.44,465.53 +32.05,77.24,1008.06,67.09,432.49 +28.14,76.86,1000.7,70.17,434.68 +34.11,73.56,1006.77,45.92,432.78 +22.83,70.79,1006.36,92.07,438 +21.04,47.43,1007.15,64.82,450.27 +12.39,40.75,1016.05,81.91,475.96 +27.7,72.24,1011.02,67.6,434.56 +16.62,39.99,1007.07,77.14,463.74 +25.27,67.07,1006.34,66.35,445.81 +9.52,41.26,1020.55,89.73,475.44 +17.74,58.33,1013.55,81.8,446.01 +22.9,49.3,1003.45,80.95,441.77 +14.86,43.14,1019.21,99.14,461.14 +26.71,66.25,1008.11,79.28,435.41 +13.42,42.86,1013.88,85.13,473.27 +25.82,72.39,1003.4,86.33,432.98 +15.14,44.21,1019.97,83.86,463.1 +10.17,41.17,1018.58,87.72,478.04 +27.44,65.59,1010.76,68.67,441.08 +23.94,63.21,1013.52,83.12,440.15 +25.16,74.33,1014.55,76.7,436.15 +12.88,42.74,1026.25,74.54,470.89 +31.87,67.32,1013.65,36.69,435.47 +22.18,65.46,1016.74,54.02,447.92 +9.41,41.54,1019.48,82.19,481.59 +12.17,40.6,1013.59,88.62,473.76 +30.57,69.71,1008.94,59.99,439.38 +28.16,70.98,1008.51,72.12,435.04 +9.72,43.41,1016.25,76.39,474.1 +11.9,39.16,1016.53,84.59,477.75 +7.1,41.74,1022.25,91.07,484.12 +11.47,40.27,1005.39,77.4,479.44 +28.19,67.45,1013.97,49.76,434.77 +9.75,36.66,1026.21,70.12,479.45 +7.55,43.65,1019.09,61.71,481.61 +19.9,56.53,1020.52,78.05,456.48 +12.45,40.56,1017.84,66.52,477.41 +9.15,39.61,1018.11,75.29,474.88 +14.38,40.66,1016.34,92.37,463.1 +26.16,67.9,1005.81,61.02,444.06 +22.63,45.61,1014.14,73.06,457.88 +30.51,70.79,1004.55,56.05,428.79 +26.2,60.07,1014.75,59.41,440.89 +25.77,69.04,1009.66,65.49,445.35 +14.74,44.47,1028.29,67.87,462.92 +17.02,44.85,1014.38,62.66,459.98 +17.68,53.16,1013.09,82.79,456.86 +8.93,40.46,1019.03,71,472.77 +9.49,40.69,1015.09,91.31,476.67 +23.48,72.99,1009.61,88.16,437.1 +22.69,49.21,1012.64,46.83,449.01 +12.65,44.34,1019.4,71.45,468.8 +12.79,44.68,1022.51,99.55,465.75 +13.01,41.17,1017.26,76.2,469.48 +30.76,69.14,1007.63,71.24,431.67 +22.56,47.43,1006.72,54.82,448.65 +20.7,58.16,1016.73,68.19,453.22 +21.09,50.9,1012.42,69.09,456.09 +26.35,59.44,1012.16,63.73,443.73 +35.1,68.27,1006.96,43.51,426.3 +14.43,38.28,1014.76,79.76,467.12 +16.32,43.56,1014.4,59.77,463.57 +12.21,40.64,1020.31,83.84,464.03 +32.13,69.98,1013.3,55.85,431.84 +25.68,70.32,1009.08,90.48,431.32 +24.4,62.26,1011.62,70.1,439.06 +6.41,40.81,1026.57,93.51,484.49 +23.38,65.06,1014.12,59.36,443.8 +30.21,75.33,1002.24,66.71,431.46 +22.88,50.23,1016.11,63.77,458.08 +27.99,71.58,1010.68,68.99,435.99 +16.01,49.64,1026.35,77.75,457.8 +31.08,59.57,1010.76,60.49,442.88 +23.09,70.02,1010.58,77.85,443.27 +21.03,69.05,1002.17,75.35,444.35 +12.05,49.83,1008.54,95.11,454.18 +14.73,54.3,1016.75,67.13,463.63 +32.56,68.14,1004.02,35.04,425.11 +6.99,40.07,1014.83,54.36,490.11 +18.84,40.79,1005.18,92.46,459.96 +6.18,41.38,1020.23,81.38,490.81 +13.72,49.83,1006.88,89.49,463.65 +29.48,59.27,1010.99,51.23,440.72 +14.35,39.39,1012.92,82.41,470.53 +19.47,43.43,1011.66,69.93,451.38 +26.92,73.17,1011.42,76.94,431.29 +26.16,70.04,1009.63,73.22,432.56 +19.77,49.39,1019.02,91.03,451.05 +26.92,62.44,1011.09,70.8,437.99 +27.54,75.6,1018.26,57.89,440.87 +18.75,41.1,1001.97,59.6,458.31 +26.29,68.24,1010.71,76.95,429.71 +27.16,65.61,1014.21,47.93,441.33 +16,39.16,1016.37,77.63,468.49 +10.38,37.73,1021.5,75.02,475.02 +30.29,74.16,1008.77,75.23,431.39 +24.69,71.73,1010.13,70.54,436.78 +14.16,40.89,1010.78,82.86,471.15 +9.97,39.99,1010.09,95,477.31 +21.96,51.43,1007.28,89.96,442.87 +32.43,68.31,1010.09,42.22,439.75 +27.99,69.89,1013.94,51.25,435.79 +18.15,45.01,1013.06,72.4,455.21 +8.83,43.56,1014.9,81.55,482.43 +26.62,70.36,1005.15,84.99,441.28 +32.96,68.31,1010.39,42.33,443.57 +24.67,68.61,1010.71,57.47,450.64 +27.06,70.47,1007,72.37,430.82 +25,69.71,1009.23,80.92,438.38 +15.47,38.73,1001.13,77.61,467.96 +17.36,41.23,998.08,63.46,459.1 +29.62,70.02,1010.09,43.1,439.35 +13.54,40.69,1015.85,77.55,471.05 +24.52,59.15,1014.03,74.83,439.55 +9.73,38.56,1017.18,61.81,479.78 +20.6,65.12,1015.53,71.57,452.86 +25.16,68.08,1010.89,70.16,435.78 +20.86,63.73,1008.54,96.83,440.42 +10.31,45.01,1018.42,93.67,473.74 +20.37,69.48,1011.04,84.31,445.81 +17.58,44.9,1020.52,71.48,459.78 +19.04,51.86,1018.05,79.01,458.64 +25.38,71.73,1009.97,72.6,434.44 +32.81,77.17,1009.17,53.13,430.53 +19.41,67.32,1012.34,78.8,446.71 +21.73,69.05,1001.31,86.64,439.01 +22.29,56.89,1014.39,84.89,441.9 +29.39,71.14,1010.97,53.88,430.5 +20.08,58.12,1015.53,80.84,455.85 +16.51,51.86,1022.37,81.18,442.48 +14.47,42.99,1009.78,91.15,469 +17.37,40.55,1001.19,71.42,460.97 +17.03,43.99,1021.5,82.32,460.25 +25.91,67.07,1005.66,60.12,441.74 +6.03,40.78,1025.53,98.68,480.36 +31.9,73.42,1010.82,60.58,432.27 +20.03,47.45,1009.04,77.56,450.6 +31.23,68.67,1005.82,52.1,436.58 +13.8,45.08,1023.99,79.72,466.71 +15.52,41.93,1022.97,52.92,471.97 +23.68,51.3,1011.86,71.24,451.67 +23.25,70.32,1009.28,86.52,437.96 +24.58,49.02,1008.85,79.32,442.47 +8.3,36.3,1015.97,60.62,480.58 +9.27,42.02,1004.29,95.05,474.93 +15.52,42.86,1015.09,83.48,467.12 +30.71,68.24,1006.15,34.15,429.41 +11.47,25.36,1008.27,95.4,469.51 +30.51,70.94,1007.64,59.42,430.91 +26.43,66.48,1004.36,55.9,435.59 +28.65,70.32,1008.46,58.13,433.45 +21.38,49.21,1012.49,53.77,449.66 +19.97,59.21,1017.87,83.46,450.41 +19.38,54.9,1017.08,70.46,454.1 +17.77,44.6,1016.97,54.25,460.13 +7.04,41.74,1021.91,88.55,488.99 +30.3,69.51,1011.8,50.43,431.12 +14.91,43.34,1015.15,81.56,461.27 +26.87,69.23,1012.71,54.54,433.89 +18.86,51.43,1010.27,86,446.91 +20.77,43.77,1010.76,63.12,453.46 +12.2,44.77,1018.64,76.1,469.41 +16.17,41.79,1005.78,78.8,454.72 +11.69,35.76,1019.02,55.6,471.72 +9.17,40.67,1019.03,66.21,487.33 +10.82,42.02,996.03,99.34,475.46 +23.08,48.41,1008.44,82.35,443.5 +12.74,39.13,1008.19,94.81,468.57 +26.85,57.19,1007.9,60.04,438.01 +28.44,69.4,1003.98,73.51,433.44 +14.02,42.86,1030.86,68.36,467.29 +14.57,41.79,1007.61,82.85,457.21 +15.4,40.69,1015.1,70.25,471.66 +16.75,42.23,1013.81,84.98,464.87 +29.83,68.67,1005.33,71.15,434.28 +26.25,66.56,1008.29,60.65,436.3 +27.17,63.09,1015.59,68.33,443.66 +27.49,71.94,1008.25,68.29,428.27 +11.7,41.16,1017.98,95.71,462.94 +24.37,73.42,1010.19,76.01,440.29 +26.14,61.02,1010.13,66.71,436.17 +15.91,38.62,1016.2,63.63,462.25 +9.24,41.4,1030.72,87.36,476.9 +14.09,41.66,1009.25,71.4,469.93 +10.61,37.5,1008.8,100.13,472.9 +28.72,76.86,999.31,71.74,431.74 +16.61,25.88,1009.34,65.47,460.97 +24.35,51.86,1014.34,67.22,442.81 +26.95,72.24,1011.16,73.14,435.65 +13.89,41.49,1020.02,86.47,469.6 +20.98,47.43,1007.39,68.15,450 +24.74,63.87,1016.91,55.65,447.02 +16.12,45.87,1008.15,86.12,457.41 +20.94,44.58,1016.98,59.65,463.69 +21.01,58.96,1014.33,61.8,453.88 +6.52,35.57,1025.37,78.32,486.06 +13.14,43.71,1024.47,87.42,467.07 +13.93,44.47,1025.35,81.54,469.25 +14.46,45.87,1009.21,84.09,464.5 +21.83,62.91,1011.07,91.34,443.76 +9.97,41.26,1020.6,91.14,475.43 +15.09,43.13,1015.71,54.36,466.87 +25.63,71.58,1010.14,87.57,433.76 +24.17,71.58,1010.16,89.96,436.27 +18.6,43.56,1013.9,51.16,464.67 +31.05,69.13,1000.38,58.49,426.31 +10.19,37.14,1012.74,73.48,475.01 +13.26,41.78,1009.77,61.69,467.78 +9.66,41.82,1033.19,73.19,477.67 +23.6,62.44,1011.52,78.12,440.66 +15.91,71.14,1019.7,72.65,458.15 +8.79,40.67,1019.5,66.3,489.02 +30.88,67.83,1008.97,54.99,425.36 +20.98,60.07,1016.26,67.18,446.26 +14.2,42.86,1031.96,69.59,468.63 +25.69,57.32,1012.34,44.18,441.43 +23.65,59.92,1010.19,89.53,436.74 +15.48,44.99,1011.94,69.95,463.92 +10.64,39.61,1018.33,66.81,471.48 +14.48,38.92,1015.6,90.05,470.63 +10.47,43.14,1010.35,86.86,476.55 +24.65,63.86,1018.37,56.15,442.89 +16.2,45.76,1014.73,89.84,460.87 +28.61,52.84,1006,45.73,437.39 +23.13,61.47,1008.96,85.5,438.8 +13.55,42.99,1007.58,97.55,470.82 +18.71,54.9,1017.12,74.79,456.88 +14.35,49.83,1006.39,91.23,462.54 +29.79,69.34,1008.82,65.13,434.74 +29.64,54.2,1013,39.56,438.12 +15.11,45.01,1017.01,84.39,462.21 +25.02,60.29,1017.49,54.75,445.61 +23.61,49.16,1002.39,65.63,443.5 +16.05,38.28,1014.38,73.89,466.75 +19.59,59.87,1018.28,84.83,449.74 +23.23,56.89,1012.87,75.43,441.85 +9.41,43.5,1021,88.74,473.84 +6.63,39.37,1020.33,76.18,489.16 +27.89,69.88,1007.99,85.62,430.75 +22.54,51.95,1007.29,79.28,447.29 +14,40.8,1026.17,54.82,474.87 +6.87,39.85,1012.66,83.34,486.26 +30.47,70.02,1009.65,62.03,435.72 +27.33,68.94,1007.04,61.83,431.96 +13.7,34.03,1018.82,69.07,470.2 +22.03,59.43,1006.88,82.05,442.9 +30.32,74.22,1008.31,53.14,429.36 +17.13,43.79,1016.09,58.94,465.3 +26.3,71.94,1006.64,85.12,428.83 +17.55,48.78,1016.81,91.27,455.11 +23.34,59.14,1017.47,78.91,439.6 +23.26,58.2,1016.72,57.98,446.87 +8.07,41.17,1019.4,86.43,484.54 +24.45,68.63,1013.38,45.35,446.33 +18.41,49.69,1006.66,80.55,454.97 +18.22,58.2,1017.09,81.92,451.04 +16.54,42.86,1014.85,78,465.26 +30.01,65.18,1012.87,43.95,436.91 +29.19,67.51,1011.48,55.55,446.97 +14.58,41.92,1030.42,61.96,462.69 +19.41,64.45,1009.44,64.05,452.55 +18.95,65.48,1018.17,71.85,452.85 +11.36,40.75,1016.34,85.19,477.5 +23.79,58.49,1011,75.39,445.87 +16.55,41.93,1022.71,42.73,466.77 +21.43,59.14,1015.91,64.4,448.51 +18.98,60.1,1010.09,85.34,453.37 +16.38,55.5,1019.8,82.44,464.58 +23.26,59.21,1017.71,67.16,442.38 +22.55,69.84,1006.57,76.29,438.54 +10.01,40.78,1023.71,88.11,470.82 +23.33,54.2,1012.47,79.48,440.11 +20.89,68.63,1012.6,69.52,452.05 +14.18,53.82,1016.9,64.57,465.25 +8.94,42.07,1018.9,85.93,473.34 +28.61,69.84,1004.02,67.26,428.25 +28.59,75.08,1005.58,60.3,442.7 +13.91,40.24,1017.03,85.93,466.24 +32.21,71.85,1008.25,58.09,429.15 +15.34,43.5,1021.18,79.44,459.77 +27,69.34,1008.88,74.4,439.26 +23.63,65.59,1013.1,76.95,440.56 +6.79,38.5,1012.61,72.46,488.69 +9.01,40.77,1022.37,90.3,470.84 +17.92,44.2,1018.97,53.8,455.37 +9.05,40.67,1015.57,75.48,486.55 +24.17,73.18,1011.72,86.1,437.27 +26.92,63.73,1010.29,68.6,440.35 +15.59,52.75,1024.3,59.93,458.87 +10.17,41.46,1019.34,83.04,480.13 +10.66,37.5,1009.42,95.86,472.86 +32.48,69.89,1013.98,46.39,434.13 +29.05,68.24,1007.88,42.67,433.92 +32.91,73.68,1014.49,50.62,426.28 +6.1,40.07,1020.21,67.24,494.43 +25.11,63.21,1012.21,83.58,443.43 +7.89,71.14,1018.4,86.49,474.66 +22.82,69.94,1004.65,73.47,437.32 +14.13,43.41,1015.26,55.63,461.96 +9.32,36.3,1027.9,77.02,478.55 +11.86,40.55,1019.82,91.45,473.31 +10.05,40.46,1018.71,67.38,469.06 +11.22,40.22,1011.01,81.67,476.7 +31.68,70.79,1004.05,54.5,429.55 +10.27,42.34,1022.69,92.78,474.55 +9.34,40.77,1012.14,90.81,477.36 +28.83,66.44,1008.47,77.49,430.01 +24.01,67.17,1007.44,86.87,443.09 +9.68,41.48,1018.24,71.04,473.31 +14.86,44.71,1018.3,49.46,466.38 +8.74,36.3,1015.18,61.97,438.63 +16.55,46.18,1009.97,96.54,455.8 +27.65,48.41,1008.54,58.25,440.94 +10.1,41.17,1019.18,84.87,479.95 +28.75,64.84,1009.61,58.24,441.3 +18.75,63.09,1018.19,87.84,450.98 +18.32,45,1022.67,46.38,471.43 +28.62,68.24,1010.15,69.31,428.08 +11.46,39.1,1010.17,100.15,470.55 +13.92,43.41,1015.12,61.64,464.76 +22.89,74.78,1009.79,81.57,443.7 +21.13,47.43,1006.97,64.26,448.83 +24.78,68.94,1007.29,70.56,435.93 +17.03,47.83,1004.94,79.68,460.43 +25.41,65.12,1016.01,53.39,442.86 +21.47,60.93,1006.46,87.83,442.75 +10.8,41.39,1019.74,74.08,478.75 +11.67,36.18,1016.03,61.44,472.76 +19.61,56.65,1020.64,63.74,457.41 +21.48,47.43,1006.88,63.54,449.2 +21.48,66.91,1008.58,84.49,447.42 +14.17,43.13,1014.94,48.62,471.08 +24.15,64.63,1020.72,58.06,448.87 +28.81,69.23,1013.14,39.18,433.74 +16.53,46.18,1010.2,95.42,458.67 +22.1,68.12,1012.71,79.77,440.08 +16.22,50.88,1014.33,100.09,454.94 +10.9,40.67,1016.66,65.09,482.4 +13.9,40.2,1013.13,89.91,464.17 +30.61,77.17,1009.49,73.19,430.46 +5.9,45.87,1013.25,87,481.27 +5.67,45.87,1008.91,93.29,478.44 +17.82,65.94,1013.44,88.13,452.82 +9.34,41.49,1020.58,97.59,471.04 +27.07,66.93,1017.32,55.38,446.48 +25.52,71.98,1006.89,86.94,433.42 +33.37,79.05,1007.19,62.64,430.42 +22.25,66.54,1004.64,89.15,437.19 +28.34,63.77,1013.7,61.13,439.75 +32.87,71.32,1004.36,54.69,433.15 +9.84,40.72,1022.21,77.79,477.52 +15.8,53.82,1015.87,68.48,463.09 +21.96,71.85,1009.38,75.98,441.52 +8.3,40.35,1012.37,98.17,481.77 +8.39,36.3,1015.39,62.23,479.57 +12.55,39.58,1010.68,76.9,472.31 +24.37,65.61,1014.5,65.67,443.13 +33.43,69.88,1006.86,44.84,435.59 +13.04,41.04,1026.27,69.75,464.91 +13.52,39.39,1012.91,84.03,474.82 +11.46,38.91,1012.34,77.37,477.5 +19.75,57.32,1010.76,79.29,443.63 +7.19,39.37,1019.67,70.77,480.4 +26.76,70.98,1007.64,90.51,437.83 +29.67,71.98,1005.16,67.75,425.14 +32.86,66.44,1010.98,44.99,429.32 +10.02,52.75,1021.93,73.68,473.09 +17.41,40.55,1003.91,76.87,461.47 +26.53,65.61,1014.29,50.9,442.64 +29.82,69.75,1010.09,65.02,442.6 +30.56,69.14,1007.49,71,432.26 +13.92,43.5,1021.14,88.44,461.45 +19.94,38.52,1018.4,55.9,450.48 +21.03,44.78,1007.99,36.82,459.72 +31.33,65.18,1011.97,36.62,435.77 +11.7,41.16,1019.58,87.49,464.12 +16.94,50.59,1018.75,94.22,460.64 +26.06,67.83,1009.26,66.37,432.28 +15.39,42.28,1007.35,81.35,467.3 +10.98,37.5,1011.12,97.51,472.34 +28.41,74.16,1010.29,72.09,439.2 +4.88,40.27,1012.66,74.51,491.29 +6.58,40.67,1020.18,71.07,494.84 +13.79,40,1016.02,70.17,461.16 +27.16,71.32,1007.81,89.07,430.53 +7.65,41.01,1024.31,97.17,475.89 +16.3,41.16,1007.88,76.61,463.47 +23.04,63.86,1019.83,59.78,446.22 +25.74,65.38,1009.6,54.34,452.94 +24.31,44.05,1006.16,73.3,442.69 +23.43,69.23,1013.09,63.48,441.6 +14.91,46.9,1019.59,98.1,461.73 +31.28,75.08,1005.39,49.53,438.63 +25.84,67.83,1009.26,59.55,433.32 +24.57,49.82,1016.82,65.25,452.3 +13.42,48.04,1011.63,99.32,461.36 +25.31,65.59,1011.16,79.71,440.96 +22.78,59.92,1011.28,88.78,440.87 +20.19,58.86,1014.3,71.64,450.67 +17.98,39.63,1005.42,82.12,466.69 +22.71,75.23,1010.48,76.86,444 +13.68,41.7,1019.19,84.07,464.46 +24.87,65.75,1006.45,65.75,435.6 +7.53,41.74,1022.45,90.85,487.25 +24.97,68.61,1011,55.04,453.26 +13.55,40.71,1019.13,75.44,467.21 +8.66,40.11,1032.86,75.31,479.76 +16.84,45.01,1016.14,75.74,456.85 +23.05,68.67,1006.69,76.43,447.34 +17.7,49.78,1005.19,100.09,451.24 +19.39,68.61,1011.09,96.51,446.47 +30.05,56.9,1007.02,41.96,437.55 +19.82,63.9,1013.19,78.96,449.61 +19.1,56.53,1020.18,76.38,455.52 +17.47,43.56,1014.15,54.71,460.87 +23.86,45.87,1007.71,48.73,446.67 +26.31,63.77,1014.15,69.36,440.1 +26.74,69.89,1013.96,51.82,436.02 +9.94,40.46,1018.9,68.51,473.74 +27.01,71.25,1000.46,87.95,431.38 +21.01,51.19,1008.44,81.49,446.2 +34.97,73.56,1006.57,44.69,435.15 +22.51,68.63,1015.1,57.19,450.75 +21.03,67.45,1015.01,68.59,447.11 +29.05,75.6,1017.63,51.16,439.14 +23.6,57.17,1009.84,74.27,446.05 +5.62,43.65,1017.9,77.43,481.69 +21.16,65.48,1016.99,72.79,446.37 +21.89,58.62,1016.15,74.59,450.05 +9.66,40.05,1015.78,89.06,481.14 +25.69,59.07,1006.89,82.34,440.6 +8.33,38.08,1018.94,73.78,481.89 +7.32,41.22,1015.42,97.25,484.21 +21.11,41.67,1012.44,52.86,460.33 +12.25,40.75,1016.02,82.4,475.07 +24.57,51.95,1005.8,70.07,448.15 +16.64,48.92,1011.55,78.76,452.56 +11.57,41.54,1020.13,69.14,476.89 +29.23,75.6,1017.72,52.26,438.92 +32.37,67.83,1008.32,57.39,426.76 +26.17,58.86,1014.52,51.28,443.69 +6.05,38.68,1017.46,66.13,483.5 +8.64,41.66,1014.14,80.44,481.89 +25.91,75.6,1018.23,62.65,443.2 +25.02,59.92,1009.9,76.27,436.64 +25.96,68.08,1010.86,67.07,435.84 +25.5,59.27,1012.92,68.88,442.65 +14.85,45.01,1013.12,85.53,460.19 +19.06,44.63,1004.23,84.43,456.54 +15.22,41.67,1013.18,67.17,469.93 +26.07,71.37,1008.6,79.48,439.25 +7.62,44.71,1020.56,69.96,486.07 +16.94,49.64,1024.43,69.22,459.25 +26.18,69.14,1006.54,85.95,436 +21.91,48.7,1006.89,83.97,449.8 +23.24,63.78,1017.1,63.8,446.95 +22.48,50.05,1005.55,82.36,442.56 +12.8,41.16,1022.43,86.19,462.72 +26.17,66.54,1002.23,75.6,433.81 +29.71,73.18,1012.35,63.06,427.04 +7.41,39.16,1015.23,90.66,486.91 +16.25,58.16,1018.34,78.59,458.31 +14.28,44.84,1024.84,79.09,474.57 +22.12,47.93,1005.5,84.47,443.41 +23.06,63.9,1013.54,65.28,447.36 +13.46,39.85,1012.76,72.94,472.5 +26.76,49.02,1007.96,70.05,439.4 +28.57,51.43,1012.02,47.79,450.04 +10.31,38.18,1018.02,70.1,476.31 +28.47,69.23,1013.18,40.73,434.12 +8.35,40.77,1011.77,90.25,478.82 +24.42,57.32,1011.46,55.92,443.94 +25.64,50.05,1006.97,67.72,440.86 +7.69,39.96,1023.9,89.18,478.05 +11.54,45.51,1017.19,83.02,474.73 +15.62,40.89,1007.01,79.21,466.15 +18.74,45.09,1014.24,41.54,456.25 +20.12,65.94,1009.93,76.24,447.46 +17.85,48.14,1017.16,86.68,451.9 +17.21,52.9,1019.91,77.31,460.88 +20.99,67.07,1005.17,82.41,442.02 +17.69,46.36,1019.55,86.64,462.81 +20.58,49.15,1021.42,56.15,453.87 +12.04,38.25,1013.08,82.45,472.13 +29.07,71.64,1006.07,69.53,440.51 +21.81,65.46,1013.97,52.16,444.66 +9.48,40.8,1023.82,78.98,485.36 +13.69,44.85,1016.89,79.87,470.78 +32.18,69.75,1009.94,52.91,438.26 +23.48,60.23,1011.91,79.48,437.44 +27.82,76.09,1007.83,76.07,434.52 +25.26,74.33,1014.79,79.56,433.49 +14.12,42.99,1007.13,78.16,468.45 +23.14,60.27,1018.51,80.54,442.59 +17.74,50.88,1015.56,89.78,457.71 +10.15,41.17,1019.38,82.3,480.71 +8.35,43.79,1016.2,85.23,484.21 +20.35,68.61,1011.17,86.69,450.89 +22.06,45.61,1014.3,77.75,455.61 +15.64,44.21,1020.17,83.28,462.42 +9.32,36.66,1027.46,70.76,479.13 +29.28,65.71,1013.76,48.05,445.49 +7.52,39.61,1018.61,78.96,481.54 +29.08,67.79,1010.91,55.96,442.78 +7.55,42.85,1011.21,93.25,484.93 +26.51,44.57,1007.56,52.23,445.32 +26.52,63.94,1018.23,42.41,440.47 +8.07,41.17,1019.4,86.43,484.54 +25.35,63.21,1012.31,80.16,442.23 +11.36,41.48,1012.8,76.16,465.37 +11.89,40.64,1021.29,97.16,476.99 +20.19,66.86,1012.97,64.7,454.84 +20.04,48.92,1011.14,68.92,447.89 +10.32,39.28,1016.56,94.13,478.88 +12.01,41.48,1017.75,66.67,469.08 +23.08,61.86,1013.44,84.64,441.44 +19.81,66.54,1013.88,80.09,449.07 +24.1,71.29,1007.96,67.56,442.8 +14.47,39.58,1011.31,69.85,467.34 +32.25,77.54,1010.46,54.57,430.86 +9.51,40.81,1015.69,82.52,475.29 +12.63,41.48,1009.61,87.69,461.09 +30.91,76.2,1008.53,58.08,434.94 +8.38,39.22,1015.03,75.14,478.82 +22.63,57.17,1009.83,77.43,433.54 +5.71,40.77,1022.49,87.9,487.48 +13.09,43.67,1012.22,91.91,474.45 +22.72,62.4,1010.28,80.79,445.22 +23.67,72.24,1011.22,90.45,435.94 +18.19,43.96,1011.87,79.68,464.58 +25.58,47.01,1014.5,63.53,454.39 +6.79,40,1019.01,81.83,480.83 +19.05,62.96,1020.48,83.04,454.26 +25.32,63.77,1014.55,74.69,441.5 +15.09,39.52,1017.05,72.43,469.8 +23.44,72.24,1011.28,88.03,438.34 +8.26,44.71,1020.85,68.82,485.19 +17.22,36.71,1013.77,67.92,465.32 +27.46,68.08,1013.06,46.49,433.72 +11.52,40.03,1017.56,87.87,472.31 +27.55,63.13,1012.92,71.29,440.75 +6.5,38.5,1013.92,90.1,486.78 +13.35,39.58,1012.41,83.45,465.85 +21.5,59.87,1019.05,76.56,444.05 +22.46,48.41,1008.66,80.85,442.57 +22.05,63.31,1012.39,76.95,444.37 +18.28,41.1,1002,65.69,460.03 +14.56,53.82,1016.37,64.46,463.64 +26,70.47,1009.61,74.66,435.05 +13.14,40.66,1016.47,94.76,466.95 +24.17,59.44,1012.66,78.53,447.13 +26.11,73.17,1009.8,65.18,434.94 +9.38,44.77,1020.41,85.26,473.9 +18.77,49.21,1012.2,58.69,454.86 +10,39.66,1016.83,78.91,479.97 +10.1,44.03,1008.11,90.29,471.59 +10.35,40.27,1005.09,92.42,477.8 +12.95,40.1,1015.31,86.01,471.07 +21.76,47.93,1005.34,86.28,444.77 +25.06,52.36,1014.7,67.98,454.13 +8.39,52.72,1026.06,86.76,473.45 +23.56,71.85,1009.67,74.78,439.48 +23.58,58.82,1009.68,81.38,445.01 +20.71,45.61,1013.64,82.39,457.4 +13.4,41.78,1010.2,64.57,466.68 +10.36,41.46,1017.53,92.04,478.27 +13.67,42.32,1015.41,79.04,464.56 +29.35,71.58,1010.07,61.8,434.45 +6.61,36.24,1013.57,91.8,483.12 +13.92,39.85,1012.64,68.03,473.47 +27.18,62.66,1009.89,52.83,442.16 +11.41,41.54,1019.94,66.49,477.89 +26.61,69.13,1002.05,51.97,430.17 +20.32,67.71,1007.42,63.71,446.22 +20.97,44.63,1007.64,73.69,453.26 +25.34,49.5,1013.25,50.8,457.12 +6.22,39.85,1012.05,86.88,443.73 +11.87,36.43,1023.42,79.5,474.17 +11.92,41.2,1016.99,81.24,476 +28.15,71.25,1000.51,81.04,431.28 +28.01,65.34,1014.68,46.86,440.77 +16.51,41.79,1007.1,74.03,457.74 +13.51,39.31,1012.18,75.19,466.46 +18.34,65.94,1013.27,85.42,451.29 +10.04,41.62,1013.36,95.17,463.87 +20.3,56.53,1020.27,76.49,454.12 +18.6,56.85,1012.34,80.24,450.26 +19.79,51.19,1008.77,94.72,447.96 +11.18,39.61,1018.56,68,468.75 +10.91,40.1,1014.07,91.45,478.34 +18.92,46.93,1009.89,77.98,453.66 +14.1,42.18,1015.05,78.25,463.3 +24.69,59.92,1010.12,80.58,436.33 +23.61,43.77,1011.81,56.08,444.55 +27,60.96,1012.36,58.97,450.15 +15.87,45,1021.92,40,470.85 +30.2,74.34,1004.17,74.77,431.77 +14.18,39.3,1020.1,67.48,464.32 +11.23,43.67,1012.57,72.1,475.41 +32.95,75.08,1005.32,47.7,436.3 +24.33,46.93,1013.83,44.59,447.54 +9.55,38.08,1019.34,68.38,479.23 +27.58,65.27,1013.51,50.43,441.3 +25.56,58.82,1010.44,70.23,441 +5.74,37.8,1021.37,74.47,490.81 +8.22,41.82,1032.77,71.63,477.86 +23.18,59.04,1011.44,79.28,443.12 +26.91,70.02,1010.75,59.48,445.31 +16.14,54.3,1017.93,65.68,460.73 +20.69,50.78,1008.71,91.95,447.58 +24.18,66.48,1003.3,70.99,433.37 +2.8,39.64,1011.01,82.96,482.66 +25.26,65.61,1014.43,58.35,447.34 +10.11,52.75,1021.79,76.08,470.35 +17.44,45.01,1013.65,75.13,456.08 +25.37,59.14,1017.27,78.07,437.19 +9.45,41.92,1029.32,91.09,467.79 +10.39,39.69,1003.31,89.6,473 +26.2,74.67,1016.69,84.38,430.22 +22.85,47.43,1008.13,66.36,448.15 +12.65,44.03,1007.13,85.23,466.01 +15.14,41.93,1020.95,61.26,469.68 +28.51,70.02,1010.58,54.68,441.66 +22.55,70.79,1006.19,92.56,436.43 +24.35,66.49,1012.48,62.12,439.15 +12.64,41.79,1016.38,92.65,461.46 +24.2,64.33,1011.15,84.23,442.78 +7.52,41.66,1015.2,78.41,483.28 +21.54,58.12,1015.33,78.67,454.32 +23.43,60.32,1015.34,69.34,446.88 +23.24,63.76,1010.1,79.16,441.35 +24.67,69.14,1006.25,88.51,440.03 +6.77,40.78,1024.86,96.58,478.24 +31.94,69.98,1013.32,56.17,432.03 +20.83,49.02,1009.45,91.92,445.31 +8.37,39.99,1010.36,93.26,482.31 +13.75,44.47,1029.63,70.74,467.14 +30.82,70.36,1006.47,58.79,439.16 +25.16,57.17,1009.86,75.7,442.03 +22.1,65.48,1019.3,66.96,447 +18.7,52.72,1024.84,57.72,458.06 +19.76,58.79,1017.37,89.09,449.76 +28.45,69.23,1013.07,39.46,436.96 +13.58,49.83,1008.9,86.8,465.82 +20.83,67.32,1011.76,73.11,443.17 +5.85,41.55,1001.95,99.41,484.47 +16.99,40.89,1011.54,64.51,464.95 +10.68,37.92,1009.59,65.05,474.03 +14.65,35.4,1016.16,60.26,469.61 +26.2,71.14,1007.92,72.95,431.7 +32.74,68.31,1010.23,41.29,441.66 +15.78,41.16,1008.43,80.25,464.85 +12.41,39.28,1017.08,87.02,473.86 +25.36,60.07,1015.06,66.11,439.73 +20.56,60.08,1017.79,78.08,452.8 +24.92,63.86,1019.19,59.24,440.93 +31.88,67.32,1013.64,35.1,436.64 +24.51,51.86,1014.64,67.57,446.74 +8.48,40.05,1015.89,90.25,483.5 +27.76,71.97,1008.53,86.97,434.04 +12.08,41.39,1019.45,78.3,477.8 +23.56,73.18,1012.18,87.98,437.92 +11.77,41.06,1021.45,76.63,475.88 +21.37,65.94,1010.73,75.09,444.74 +14.02,43.34,1016.06,85.8,466.38 +17.53,44.9,1020.5,71.1,457.61 +14.89,35.71,1015.1,55.11,469.37 +14.81,43.7,1015.1,60.72,469.5 +28.99,68.24,1008.75,66.57,428.28 +30.49,70.32,1011.34,66.33,434.76 +21.59,66.54,1004.88,90.54,441.71 +24.46,61.9,1013.88,87.16,441.34 +21.63,50.16,1005.7,84.84,448.32 +21.46,46.63,1012.97,71.29,452.1 +5.7,40.35,1012.18,91.57,488.8 +27.11,70.04,1009.76,71.25,431.96 +9.95,41.82,1033.09,69.44,477.52 +18.68,46,1002.2,97.17,447.8 +18.41,65.94,1010.23,84.71,452.66 +19.02,49.25,1019.75,58.29,453.49 +26.25,61.02,1011.47,71.22,436.44 +18.07,63.31,1016.65,72.81,456.5 +26.17,70.47,1010.25,68.96,434.56 +23.83,49.21,1012.93,46.79,446.23 +21.11,59.39,1013.87,85.29,446.02 +13.9,42.86,1030.82,71.89,473.76 +26.64,73.56,1004.98,93.31,432.93 +21.5,45.38,1013.88,64.28,460.18 +11.61,41.17,1019.57,58.82,476.81 +6.13,39.48,1005.17,53.5,484.12 +12.72,40.6,1013.45,86.16,471.23 +17.29,44.63,1019.6,41.98,460.66 +31.8,69.05,1000.77,49.82,426.5 +19.16,43.43,1012.36,72.59,451 +23.62,73.67,1007,90.8,438.33 +7.87,41.17,1020.33,77.77,486.2 +25.78,59.15,1013.61,66.68,441.71 +29.29,72.58,1007.39,72.85,428.73 +29.58,76.2,1008.37,60.73,433.91 +24.29,63.57,1010.29,87.3,443.28 +25.25,58.46,1015.54,70.76,444.05 +31.74,72.58,1007.26,59.58,425.12 +7.39,39.85,1011.63,83.61,487.84 +28.5,79.74,1006.75,87.09,433.08 +29.98,67.22,1014.22,52.69,445.3 +22.94,61.5,1008.25,73.45,445.31 +25.85,70.36,1005.59,78.23,433.06 +21.09,74.93,1015.11,81.93,443.51 +27.28,47.93,1003.46,59.22,438 +23.86,59.21,1013.02,73.6,441.22 +13.33,40.64,1020.92,91.47,474.07 +23.66,60.37,1006.91,87.13,438.59 +16.8,44.9,1009.14,79.78,456.42 +22.12,57.19,1007.56,76.5,442.51 +24.82,57.19,1007.82,71.46,439.91 +11.09,40.43,1025.47,74.97,490.96 +7.64,40.81,1026.67,95.24,483.38 +27.78,60.07,1014.66,53.74,439.43 +6.49,38.68,1017.94,64.81,485.95 +10.97,40.6,1015,87.59,478.69 +25.27,63.91,1009.82,75.48,440.39 +14.07,43.34,1015.79,86,463.77 +18.9,47.83,1005.31,77.79,455.94 +4.49,38.44,1015.47,76.96,485.78 +5.94,39.9,1007.84,86.33,485.86 +21.94,64.15,1021.2,61.75,453.3 +21.35,59.04,1012.28,95.71,445.83 +7.94,35.77,1017.04,63.22,480.38 +23.6,60.08,1017.51,63.02,451.97 +29.73,67.25,1017.64,37.79,439.06 +10.51,39.04,1023.95,85.35,479.15 +8.7,36.24,1013.34,89.5,478.69 +29.6,69.82,1010.49,61.66,438.47 +24.26,56.57,1013.86,70.35,442.9 +20.61,60.1,1010.84,80.57,450.46 +14.2,38.62,1017.83,77.57,465.29 +8.77,42.49,1010.7,86.78,469.1 +27.38,69.4,1004.57,74.12,434.47 +12.98,39.64,1013.95,74.39,473.54 +32.38,73.91,1004.05,61.69,430.17 +19.2,58.71,1009.8,84.62,448.17 +27.37,63.73,1009.79,65.25,437.24 +18.77,58.66,1010.34,87.25,454.54 +21.95,59.43,1010.29,74.67,442.84 +26.73,77.95,1012.31,78.35,434.76 +16.02,71.14,1019.75,70.42,456.35 +18.86,46.48,1007.28,78.47,452 +21.7,64.44,1014.95,73.33,448.51 +20.25,44.78,1007.93,40.16,462.44 +11.42,41.38,1021.98,60.19,479.23 +6.37,41.03,1022.23,80.36,490.47 +14.54,42.99,1009.27,90.88,468.93 +24.43,58.05,1011.88,71.39,445.68 +15.92,37.64,1014.93,83.73,464.14 +27.51,71.29,1009.43,76.92,430.42 +23.64,60.95,1014.92,64.91,447.86 +9,41.54,1018.83,79.61,484.08 +28.98,73.42,1011.25,72.9,432.2 +18.31,50.9,1011.87,86.83,455.5 +15.82,44.2,1018.96,66.73,460.2 +14.88,41.66,1009.4,67.15,468.55 +27.49,63.78,1015.43,47.45,445.66 +10.74,41.46,1016.76,84.59,479.94 +18.21,62.26,1011.97,87.28,455.88 +17.2,40.55,1000.68,72.67,462.55 +8.66,36.25,1028.22,86.96,479.66 +20.59,42.04,1009.78,62.77,463.08 +22.86,58.96,1014.03,54.96,451.82 +23.31,68.63,1014.73,51.57,448.2 +16.71,42.99,1007.72,75.35,465.09 +4.97,38.91,1018.99,89.86,489.96 +31.95,70.8,1008.38,66.26,432.79 +13.89,35.71,1016.4,65.49,468.54 +26.92,51.43,1012.29,59.33,437.35 +23,60.37,1005.34,83.73,437.6 +25.95,59.27,1010.9,70.42,444.19 +14.84,38.91,1013.78,69.27,467.83 +22.5,70.94,1008.04,82.39,442.4 +31.84,77.95,1014.9,55.35,433.28 +19.35,39.39,1013.91,61.53,465.28 +24.26,67.69,1008.48,66.74,437.4 +21.95,68.08,1012.91,69.36,443.93 +16.07,65.46,1013.88,87.11,450.54 +30.21,79.74,1006.82,54.03,430.83 +13.66,45,1021.97,79.04,473.12 +9.76,39.16,1014.19,85.4,482.38 +15.69,39.3,1019.03,60.57,464.17 +5.29,41.38,1020.62,83.83,492.12 +26.72,65.61,1014.41,52.01,442.48 +12.68,41.4,1021.59,78.57,466.64 +29.24,64.33,1011.49,65.08,440.12 +19.09,43.14,1012.34,45.75,463.3 +5.06,40.64,1021.49,93.7,483.73 +26.23,70.72,1009.73,73.44,445.28 +27.15,73.9,1007.57,74.42,433.09 +23.47,65.61,1014.57,69.83,447.16 +19.78,44.71,1015.7,29.43,465.49 +13.07,40.83,1010,84.84,471.19 +8.52,38.5,1013.16,64.06,482.96 +10.39,40.96,1023.51,84.73,479 +30.2,56.9,1006.89,42.69,436.17 +23.93,64.05,1013.09,86.02,440.66 +21.11,43.43,1010.1,62.62,447.83 +16.59,41.79,1006.67,73.9,455.42 +30.52,70.4,1003.9,64.33,438.29 +15.74,43.71,1024.7,78.38,462.66 +21.25,44.05,1005.69,81.87,448.43 +12.25,44.58,1016.47,81.15,475.24 +6.49,43.65,1020.41,72.78,484.94 +14.1,48.92,1011.6,84.39,461.34 +24.62,58.66,1011.43,56.61,449.8 +16,43.34,1013.89,78.39,462.33 +28.67,66.25,1007.96,76.36,434.73 +29.18,68.24,1010.04,68.04,428.52 +26.8,68.31,1011.04,61.48,447.85 +16.76,43.67,1011.27,70.55,462.44 +9.44,39.82,1013.26,91.55,483.18 +11.44,34.03,1018.57,74.06,476.06 +13.45,43.14,1015.5,74.33,474.1 +16.46,61.27,1020.02,74.54,456.64 +12.91,40.73,1017.66,93.66,464.61 +18.58,64.45,1009.68,67.57,444.28 +13.1,40.03,1017.79,84.48,470.75 +13.45,41.16,1022.04,82.96,460.57 +10.01,43.7,1015.73,91.97,479.24 +17.32,41.67,1013.23,68.07,462.74 +21.49,61.27,1019.81,63.21,450.07 +23.56,49.16,1003.31,66.98,445.36 +11.02,38.28,1013.51,95.66,472.11 +33.62,77.17,1009.38,63.71,431.03 +4.56,40.27,1011.13,80.24,493.87 +14.87,41.76,1022.26,78.21,464.84 +10.77,44.78,1012.87,84.16,470.66 +21.45,60.08,1017.92,72.7,451.49 +13.24,54.3,1017.05,81.99,467.81 +22.64,58.66,1011.68,60.97,449.79 +11.72,40.55,1020.74,86.22,474.7 +26.74,59.87,1012.5,62.88,447.88 +12.51,49.83,1008.61,94.27,452.84 +9.88,39.66,1017.81,76.05,480.05 +25,68.14,1005.35,57.13,437.67 +25.51,73.56,1006.59,96.63,437.07 +11.22,41.93,1023.13,69.35,480.71 +21.7,49.02,1008.74,82.8,446.46 +19.83,63.94,1019.81,75.05,448.03 +12.34,40.62,1016.28,53.6,466.47 +10.4,45.01,1018.58,93.48,470.79 +13.61,42.34,1017.78,88.84,466.17 +25.55,58.95,1017.12,51.84,442.3 +13.2,41.78,1010.49,64.96,468.58 +25.88,66.48,1004.24,63.16,434.4 +14.75,41.16,1009.58,86.96,468.14 +7.82,40.72,1022.17,88.13,481.52 +11.7,25.36,1008.65,92.11,470.88 +6.37,40.81,1025.98,91,489.18 +23.98,50.32,1008.41,67.75,443.45 +24.8,59.87,1018.79,60.79,441 +23.89,50.16,1004.88,73.94,444.99 +27.88,70.79,1005.06,72.5,429.62 +7.19,39.4,1011.45,90.65,483.04 +24.2,60.95,1014.82,59.42,448.43 +33.82,72.29,1008.67,46.95,432.13 +14.69,54.3,1018.01,73.4,462.63 +24.82,74.87,1010.28,73.54,434.46 +12.59,40.03,1018.76,85.4,471.63 +19.05,44.06,1017.02,73.76,454.28 +5.51,35.57,1026.3,78.97,489.36 +33.7,68.27,1007.16,50.41,427.4 +26.05,56.85,1012.78,59.09,438.59 +14.45,39.58,1012.41,79,467.62 +30.48,70.04,1010.73,53.7,429.85 +19.68,56.65,1020.75,67.25,456.89 +21.34,48.06,1014.49,63.23,458.13 +23.03,65.12,1016.29,69.8,447.84 +24.2,59.07,1009.25,88.25,441.93 +24.54,48.06,1013.02,55.18,443.67 +32.27,71.85,1008.06,59.28,429.72 +7.61,41.26,1009.05,97.32,480.68 +13.86,41.58,1020.69,70.74,461.56 +24.35,59.21,1018.21,54.46,444.35 +29.12,67.32,1014.21,48.8,435.2 +18.03,58.86,1015.99,89.03,450.33 +10.59,41.54,1019.94,72.52,478.74 +27.69,69.98,1008.52,60.93,433.47 +15.21,50.88,1014.24,100.11,460.56 +16.92,50.9,1013.27,82.97,460.86 +26.16,63.76,1010.03,68.77,437.24 +13.78,38.47,1015.2,57.8,466.41 +17.66,60.08,1017.22,86.96,456.62 +30.12,73.18,1012.29,61.32,429.31 +17.69,44.34,1019.31,61.12,464.13 +23.14,58.95,1017.52,66.25,442.27 +13.98,39.18,1009.61,89.12,467.97 +24.41,69.48,1008.34,76.13,435.38 +14.38,44.78,1010.8,66.58,459.66 +22.75,70.94,1008.03,81.95,439.91 +26.94,65.61,1014.31,49.73,443.9 +18.8,47.83,1005.86,76.77,453.9 +24.45,65.12,1015.92,57.19,445.01 +23.77,69.13,1011.05,89.41,434.08 +24.62,68.31,1010.45,75.18,448.58 +18.85,67.32,1012.91,82.37,446.7 +21.94,56.85,1011.01,77.72,442.63 +25.61,58.86,1013.9,54.9,444.77 +18.97,43.43,1012.72,75.69,453.2 +23.46,51.19,1009.6,73.22,444.82 +21.04,74.87,1009.09,88.25,443.44 +4.23,38.44,1016.46,76.64,489 +24.42,63.31,1012.64,71.8,438.39 +23.1,59.43,1007.36,85.96,440.64 +24.98,58.98,1010.34,78.56,441.33 +32.96,73.03,1013.56,54.03,438.93 +22.1,71.29,1008.2,75.38,442.35 +32.27,71.85,1007.88,56.01,427.56 +12.36,52.75,1026.04,68.71,465.14 +13.11,41.44,1015.55,74.45,471.61 +13.18,52.72,1024.67,75.96,468.36 +8.03,40.67,1020.13,70.87,492.26 +15.49,39,1016.01,71.31,462.28 +30.02,68.24,1009.8,65.73,429.5 +14.73,40.35,1011.15,65.2,470.03 +4.78,42.85,1013.07,94.72,479.09 +30.3,71.98,1004.4,55.6,426.52 +9.63,40.27,1009.96,81.03,477.38 +13.24,39.85,1012.64,59.99,477.22 +22.93,63.13,1011.6,77.09,448.02 +14.55,42.74,1027.29,66.64,457.77 +26.42,59.27,1012.9,65.38,443.94 +18.88,43.69,1016.77,46.88,464.63 +24.47,70.94,1008.07,81.55,436.29 +14.81,42.03,1017.43,72.54,470.41 +12.8,42.18,1016.27,83.9,467.69 +9.72,39.66,1018.31,76.07,480.05 +17.74,44.2,1018.87,58.59,454.37 +29.65,71.25,1001.07,73.97,430.88 +22.19,62.96,1019.54,67.96,453.03 +29.79,62.66,1008.5,48.51,440.27 +27.13,69.45,1013.9,51.16,434.47 +24.62,70.47,1010.55,72.71,435.88 +28.65,68.27,1006.96,52.78,432.73 +31.86,69.59,1008.61,59.74,435.72 +27.56,63.9,1013.23,45.97,442.43 +12.29,40.71,1019.71,83.09,469.75 +8.84,42.49,1010.28,89.09,481.58 +30.62,64.69,1006.23,52.06,435.84 +3.99,39.64,1011.53,83.58,492.06 +23.38,58.82,1012.27,77.87,446.54 +27.46,66.54,1002.39,67.09,431.81 +29.22,60.23,1009.73,61.5,436.32 +22.22,48.98,1015.87,53.18,447.1 +6.8,39.37,1020.24,73.29,487.33 +4.49,40.27,1012.01,76.5,494.24 +22.53,74.87,1009.91,93.21,444.69 +23.63,60.37,1005,81.66,440.74 +10.06,39.61,1020.87,74.01,476.92 +11.09,42.44,1014.18,92.81,478.37 +7.64,38.18,1017.65,78.51,484.45 +33.95,68.14,1002.33,48.98,427.25 +32.38,69.05,1000.76,45.85,429.31 +9.42,41.4,1029.99,88.41,477.01 +25.92,60.32,1016.05,52.51,448.37 +18.5,52.08,1006.23,100.09,451.23 +13.12,48.04,1011.93,100.07,463.46 +34.33,69.05,1000.89,37.9,430.56 +29.29,70.02,1010.13,46.93,438.84 +16.4,44.9,1009.22,82.31,456.11 +21.44,62.96,1020.27,79.85,450.57 +11.45,41.17,1017.98,84.64,476 +14.62,44.84,1023.41,85.17,464.51 +29.29,57.19,1008.3,60.11,435.69 +10.16,40.8,1028.13,86.39,477.49 +25.45,69.59,1008.51,83.17,445.61 +31.98,73.42,1010.66,60.06,432.2 +25.93,66.56,1004.97,76.35,433.25 +32.51,71.22,1005.62,47.6,433.76 +11.38,52.75,1026.19,72.71,469.9 +10.39,40.22,1009.77,83.27,478.58 +13.6,41.2,1015.92,85.05,467.42 +30.11,62.04,1010.69,47.96,444.42 +33.24,74.34,1002.58,45.05,435.5 +25.59,62.39,1006.37,74.06,435.84 +24.33,60.32,1015.49,59.95,445.36 +28.92,61.02,1011.19,56.13,436.76 +15.62,58.59,1013.91,97.6,457.3 +7.49,36.08,1020.27,85.69,483.26 +18.33,44.34,1019.55,51.69,468.8 +21.38,44.05,1005.69,81.66,445.71 +24.13,73.18,1012.62,91.52,436.22 +9.53,40.23,1017.74,89.05,484 +8.83,41.92,1031.8,78.97,483.38 +26.37,54.5,1014.48,66.31,451.78 +15.04,41.35,1004.29,99.1,467.96 +25.13,51.95,1005.42,62.05,447.7 +22.26,69.04,1010.48,84.33,444.73 +31.07,70.32,1011.74,65.91,436.16 +30.74,79.05,1005.78,73.19,430.69 +13.08,43.14,1019.39,99.74,467.06 +26.18,69.84,1005.13,72.89,431.69 +14.22,40.83,1009.2,81.32,469.75 +10.95,40.22,1010.04,78.96,477.23 +30.62,66.75,1017.68,53.68,432.66 +26.96,73.68,1013.81,84.77,429.48 +23.25,63.78,1016.01,72.01,448.82 +8,34.03,1018.98,78.67,487.17 +12.66,41.2,1015.88,89.12,466.49 +23.04,74.99,1005.44,92.86,437.65 +31.41,74.16,1011.1,57.05,434.88 +29.51,75.6,1017.92,50.61,431.18 +21.96,58.79,1012.1,88.74,447.31 +26.45,75.6,1017.42,74.5,436.89 +12.79,44.03,1007.46,95.93,464.35 +14.63,41.23,998.96,86.4,466.36 +14.74,42.77,1017.71,76.59,463.61 +23.56,66.49,1012.21,53.86,441.92 +17.34,44.06,1015.84,74.88,458.5 +13.26,45.51,1015.99,69.82,472.17 +19.46,60.07,1014.81,66.61,451.89 +29.96,67.83,1008,44.05,433.13 +21.38,60.84,1017.94,82.83,445.8 +19.48,39.72,1001.75,55.41,457.16 +12.99,41.93,1020.25,74.64,472.95 +25.79,75.6,1017.46,75.63,434.65 +11.46,39.3,1019.53,76.86,475.51 +26.38,71.58,1011.02,80.9,434.26 +5.23,35.57,1026.23,79.38,488.5 +15.36,41.35,1002.4,91.67,465.01 +9.19,40.62,1017.78,68.91,475.42 +5.89,40.07,1018.99,63.13,493.9 +34.29,68.51,1009.58,32.25,427.62 +19.21,60.07,1014.94,70.02,452.84 +14.02,40.66,1017.05,84.14,465.39 +29.12,67.83,1008.05,46.86,432.46 +2.58,39.42,1028.68,69.03,488.69 +12.61,41.58,1020.17,85.18,463.36 +20.48,60.29,1017.16,72.1,455.51 +7.3,43.65,1019.33,67.62,482.96 +22.7,66.44,1011.19,68.36,444.02 +29.78,65.74,1012.13,44.96,441.51 +15.3,43.34,1013.23,82.73,463.7 +10.39,44.85,1014.22,78.42,478.05 +13.1,49.83,1007.29,92.79,466.08 +24.92,48.92,1010.11,36.53,445.56 +10.89,44.2,1018.3,86.32,479.16 +6.81,38.56,1016.5,70.99,487.45 +23.63,71.29,1008.01,70.07,442.65 +32.39,79.74,1006.92,58.58,430.12 +20.64,49.21,1014.86,58.47,454.2 +26.89,70.32,1012.39,87.17,435.56 +19.02,50.66,1013.04,85.25,455.42 +20.78,58.86,1016.02,77.29,446.2 +8.72,36.25,1029.31,85.73,479.94 +22.45,41.54,1012.69,70.89,460.07 +24.2,50.78,1008.74,59.32,443.09 +10.8,40.22,1011.25,84.57,478.21 +31.48,69.75,1008.9,45.66,438.19 +19.09,66.51,1015.11,76.38,458.41 +24.38,63.91,1009.53,79.11,446.02 +19.46,46.33,1013.77,89.62,452.11 +26.63,73.68,1015.15,85.13,428.8 +10.26,39.13,1010.94,87.78,474.16 +31.01,71.37,1003.4,55.06,430.82 +3.95,38.44,1016.75,79.65,492.46 +25.99,74.67,1016.59,83.39,434.7 +18.25,43.14,1011.51,55.16,462.78 +14.46,53.82,1016.55,68.11,462.6 +29.09,70.98,1007.86,80.35,439.34 +12.53,42.03,1017.57,81.57,469.18 +20.35,67.71,1005.85,63.97,446.42 +5.82,41.38,1021.06,86.91,492.12 +10.52,41.01,1020.35,93.58,466.75 +14.1,41.04,1026.11,74.25,465.89 +21.98,55.97,1009.12,89.51,442.65 +23.6,65.48,1017.44,61.26,444.38 +26.53,63.87,1017.38,48.53,445.11 +28.22,51.43,1006.06,63.72,438.43 +26.13,73.21,1002.12,92.02,435.34 +4.11,38.44,1015.9,81.79,488.05 +30.75,73.5,1011.02,54.76,429.18 +13.27,42.28,1008.3,86.2,468.86 +11.91,43.22,1008.75,76.57,472.88 +18.24,59.15,1012,84.4,449.48 +30.01,62.34,1005.28,62.34,435.94 +11.41,40.62,1015.56,57.62,466.83 +14.39,40.35,1011.33,64.86,472.43 +20.75,60.77,1017.91,86.06,448.58 +11.36,38.25,1013.22,86.16,473.55 +27.94,63.07,1010.75,38.57,441 +11.28,40.55,1006.23,97.78,475.14 +14.69,49.64,1023.43,78.17,434.12 +24.23,59.04,1011.91,71.79,443.06 +9.44,41.79,1020.16,72.26,474.03 +21.83,57.85,1012.49,75.16,448.21 +14.79,38.73,999.83,86.45,470.28 +23.29,68.51,1013.19,77.81,441.17 +21.75,65.12,1015.53,66,452.89 +17.33,53.16,1013.16,82.93,460.67 +17.53,50.66,1012.74,91.51,457.28 +22.61,54.42,1014.74,75.87,453.86 +13.34,40.83,1008.09,85.85,471.82 +15.85,49.69,1015.33,89.24,469.4 +12.43,43.22,1008.93,77.42,468.01 +20.34,46.63,1013.16,79.08,453.62 +14.52,44.84,1023.51,88.51,466.88 +31.92,75.33,1001.81,61.97,436.38 +22.89,73.11,1006.66,73.11,440.15 +20.84,51.19,1008.63,84.11,448.98 +18.81,52.08,1005.77,98.86,450.72 +28.95,66.75,1018.22,60.48,432.39 +16.82,47.45,1010.19,88.48,449.57 +11.2,41.38,1021.65,61.89,476.87 +9.13,39.16,1014.14,86.17,484.86 +15.24,45.87,1009.46,85.95,456.33 +5.68,40.35,1012.11,92.86,486.79 +30.32,64.69,1006.35,51.36,436.72 +17.89,44.6,1014.48,42.51,463.99 +33.38,71.06,1008.1,64.83,430.98 +26.19,65.61,1014.51,54.52,443.73 +12.59,44.34,1017.01,85.57,474.11 +17.62,43.69,1016.49,67.92,465.93 +22.06,64.15,1021.07,68.66,451.44 +18.28,45,1022.47,43.03,471.42 +16.62,52.05,1011.96,67.81,457.89 +22.83,65.18,1012.24,79.74,442.43 +12.04,40.78,1025.21,85.97,463.51 +19.51,50.16,1010.33,94.37,448.28 +24.65,71.98,1006.46,91.11,431.77 +16.14,44.63,1019.44,47.85,463.5 +19.27,50.9,1011.72,83.14,455.09 +6.5,38.68,1017.8,62.9,483.72 +6.43,39.61,1017.51,83.8,480.58 +23.46,57.85,1012.7,65.54,444.66 +5.68,40.77,1022.49,90.6,487.58 +20.12,56.53,1020.34,75.59,454.54 +27.75,66.54,1010.21,46.37,437.58 +14.32,45.08,1023.24,84.53,467.21 +28.29,47.93,1002.6,53.23,437.13 +15.08,42.77,1018.43,73.19,461.68 +10.98,41.39,1017.54,85.31,476.31 +31.85,73.91,1003.6,60.22,431.26 +19.54,50.66,1014.7,84.53,456.61 +23.17,62.39,1008.04,89.42,439.29 +20.28,62.52,1017.89,75.67,452.45 +10.08,41.16,1023.14,96.03,469.17 +28.5,74.87,1009.67,53.78,444.88 +15.16,40.73,1017.7,86.37,459.19 +28.02,68.08,1013.44,44.46,434.95 +25.38,65.34,1012.87,62.49,447.41 +27.55,64.96,999.73,57.34,431.33 +6.45,40.02,1032.08,79.7,481.36 +14.43,43.5,1021.86,83.14,466.58 +14.22,39.39,1014.16,80.22,470.98 +12.1,40.27,1005.53,68.37,477.61 +9.83,38.56,1017.35,62.8,480.47 +32,73.17,1009.94,40.48,428.69 +11.83,45.09,1013.11,88.52,470.32 +29.92,67.22,1014.09,50.62,444.78 +7.22,41.01,1025.19,97.27,476.15 +13.07,38.47,1015.16,57.26,468.9 +10.08,43.14,1010.67,85.9,478.73 +23.89,70.04,1011.16,84.9,433.71 +18.88,44.06,1013.81,68.54,451.13 +20.68,68.61,1011.2,84.81,446.33 +13.99,36.71,1013.43,83.13,473.2 +7.4,41.03,1022.09,74.83,486.81 +11.77,40,1021.08,85.08,475.49 +22.64,63.73,1013.88,84.22,447.21 +18.13,66.86,1012.9,78.84,454.85 +23.18,72.99,1009.01,90.09,439.12 +29.45,68.24,1007.45,32.81,432.53 +10.2,41.17,1019.56,82.46,479.7 +26.57,48.06,1013.23,40.24,439.54 +22.78,49.16,1002.29,64.28,444.99 +25.59,61.08,1013.19,77.28,443.91 +18.66,56.53,1020.13,80.04,459.45 +24.66,69.94,1006.56,60.91,432.68 +21.9,66.54,1004.76,89.99,439.06 +12.12,38.28,1013.65,90.19,471.19 +14.95,42.99,1008.75,90.76,468.61 +19.31,52.72,1024.93,53.93,455.25 +30.93,73.42,1010.98,56.42,432.44 +26.27,62.91,1011.97,48.06,447.76 +19.46,66.86,1012.74,66.2,454.89 +15.56,40.12,1013.72,89.78,461.21 +8.99,41.26,1020.52,91.96,476.09 +22.16,58.82,1009.61,87.16,444.76 +24.43,59.87,1019.08,60.57,441.61 +20.78,62.52,1017.58,73.3,452.3 +29.51,76.09,1007.39,71.5,432.45 +12.4,40.35,1011.46,79.49,476.44 +28.92,72.43,1007.03,66.14,431.5 +13.03,42.86,1014.39,86.25,475.03 +28.73,73.91,1004.91,70.17,436.12 +26.43,77.17,1008.67,92.59,431.26 +17.61,56.53,1019.5,82.3,457.01 +21.79,46.21,1012.89,72,449.99 +5.11,42.07,1004.28,81.8,486.41 +12.85,40.35,1011.29,81.27,472.69 +25.03,47.93,1003.02,62.89,443.55 +25.35,66.56,1008.75,66.88,436.51 +28.95,73.4,1011.33,55.14,440.67 +19.72,51.19,1008.51,95.28,446.01 +30.03,67.9,1006.22,52.61,426.13 +8.7,39.72,1020,78.75,479.03 +14.94,42.77,1018.06,75.35,460.51 +7.07,37.49,1010.35,87.19,481.58 +21.12,47.24,1003.79,70.55,462.41 +8.6,42.28,1008.58,80.15,484.21 +10.33,44.92,1025.34,85.67,476.99 +16.79,49.25,1021.21,68.8,458.42 +16.16,41.79,1007.53,76.21,453.39 +22.52,64.27,1014.34,82.77,445.4 +22.11,59.8,1016.86,70.14,450.62 +14.11,45.08,1023.27,83.22,464.7 +24.97,68.61,1011.08,58.94,447.83 +19.22,62.1,1019.43,79.19,451.8 +13.72,44.47,1027.2,68.89,470.66 +24.58,71.94,1006.85,89.02,433.99 +9.16,42.44,1014.43,93.67,480.98 +20.92,57.76,1017.22,75.86,453.96 +26.7,70.32,1011.04,86.41,438.46 +9.04,44.68,1023.14,90.73,479.53 +10.16,39.3,1019.71,81.21,480.74 +3.85,35.47,1016.78,85.31,489.78 +22.7,64.05,1012.65,89.69,448.76 +28.54,69.59,1008.84,78.62,433.3 +31.54,72.58,1007.61,65.57,427.31 +10.48,36.71,1023.18,81.37,473.3 +16.77,42.28,1007.53,73.19,465.52 +17.84,52.08,1006.65,100.09,450.67 +21.76,60.27,1018.96,85.06,446.86 +12.24,40.96,1023.52,81.09,474.76 +13.25,49.83,1008.76,88.21,453.8 +17.28,44.92,1024.39,76.08,459.26 +34.96,68.94,1006.17,59.26,431.48 +28.51,74.78,1009.84,59.06,434.43 +32.29,64.96,1002.13,42.61,430.58 +15.6,44.68,1018.35,85.91,463.82 +26.91,71.64,1004.59,83.54,438.73 +23.55,73.18,1011.85,87.97,437.88 +15.49,54.3,1017.59,71.26,464.24 +19.68,62.96,1020.41,82.26,453.58 +24.87,60.37,1005.48,76.21,436.41 +24.73,69.05,1003.25,66.44,437.93 +11.31,39.61,1018.74,68.9,471.92 +15.24,37.87,1020.52,84.49,463.09 +23.16,57.69,1007.91,84.7,438.29 +14.81,40.71,1018.54,73,467.66 +13.97,41.16,1020.88,74.88,459.84 +23.25,71.29,1008.05,71.36,442.21 +22.47,59.43,1006.02,85.21,444.5 +16.38,45.64,1020.47,89.28,462.58 +19.73,68.63,1012.41,74.12,450.26 +30.24,69.88,1007.9,61.46,436.37 +28.13,61.25,1013.12,62.57,436.61 +24.6,75.23,1012.04,76.77,434.07 +21.64,50.32,1008.41,86.32,442.52 +29.03,69.51,1009.8,47.04,435.09 +25.02,59.44,1012.49,73.65,444.08 +23.32,69.23,1011.75,75.59,436.18 +11.48,44.6,1018.29,90.76,470.39 +13.83,41.23,993.31,93.94,466.2 +26.77,68.08,1010.83,63.48,432.91 +15.34,40.73,1018.03,86.19,458.55 +28.14,43.21,1011.82,69.32,436.53 +8.6,36.66,1026.4,81.23,481.86 +21.86,58.49,1010.88,76.79,449.9 +7.71,36.25,1027.92,89.84,481.74 +22.7,48.14,1014.06,60.09,448.96 +27.21,66.49,1013.57,40.11,439.04 +24.58,48.98,1014.96,38.75,459.79 +10.06,39.61,1020.69,69.49,478.35 +26.34,68.67,1006.54,72.48,437.52 +20.48,51.43,1007.4,90.7,448.03 +6.19,41.31,1002.48,88.8,485.08 +13.08,44.9,1020.47,86.46,472.01 +21.87,74.87,1009.28,85.4,442.37 +18.91,43.14,1013.56,58.34,460.19 +11.92,38.25,1013.13,84.92,472.5 +12.27,41.17,1019.39,52.18,473.84 +5.17,35.57,1026.68,79.86,491.32 +15.93,25.88,1009.45,72.83,462.7 +22.21,61.87,1010.9,54.22,446.62 +20.84,65.06,1016.88,71.93,445.74 +22.53,58.62,1016.28,72.78,449.02 +16.27,56.89,1013.74,84.36,454.88 +27.37,69.23,1013.25,48.02,433.18 +13.18,43.72,1010.59,99.09,464.7 +27.69,73.91,1005.23,75.71,435.08 +14,41.78,1010.96,48.37,465.62 +18.88,65.94,1010.43,85.54,445.61 +24.18,59.92,1009.88,79.54,438.85 +19.19,50.16,1011.12,99.91,449.52 +28.37,67.07,1005.65,56.13,435.94 +27.55,65.59,1011.6,63.99,440.53 +5.96,36.25,1029.4,88.63,488.2 +28.52,70.02,1010.34,54.21,441.98 +26.49,59.44,1012.09,57.84,441.16 +22.65,60.93,1006.43,85.13,440.52 +7.04,39.37,1019.37,69.11,488 +30.13,78.05,1010.99,61.5,434.14 +29.32,71.29,1008.34,51.51,432.17 +10.46,41.26,1020.65,92.24,473.76 +19.62,52.05,1012.09,50.02,456.81 +10.71,41.93,1018.23,90.88,478.76 +26.06,64.05,1012,84.05,442.24 +8.2,41.14,1025.24,96.26,474.04 +25.32,60.37,1006.19,73.94,438.5 +15.75,39.16,1016.31,77.99,468.87 +30.26,76.2,1008.44,62.1,435.04 +9.86,42.49,1009.16,81.41,477.78 +20.56,43.79,1015.85,45.7,462.11 +27.28,44.89,1009.02,49.9,441.94 +22.89,62.39,1007.84,88.16,448.13 +27.59,50.05,1005.71,57.03,437.98 +31.11,72.25,1012.34,44.45,434.22 +13.8,40.2,1013.12,90.59,466.29 +21.8,62.39,1007.84,89.04,452.15 +14.28,39.39,1013.82,77.52,469.92 +9.99,41.82,1033.14,68.36,475.75 +17.65,59.87,1018.58,94.65,450.93 +19.47,50.9,1012.77,77.33,457.08 +16.64,39.64,1008.7,81.79,463.49 +16.95,40.12,1012.59,87.87,457.05 +25.95,69.51,1009.36,66.82,434.38 +14.09,41.2,1016.45,67.27,472.42 +11.21,39.85,1013.01,75.55,480.61 +20.25,55.5,1020.03,69.33,455.13 +17.72,48.14,1013.26,65.09,457.44 +13.78,38.28,1014.8,81.19,467.43 +5.57,42.85,1013.55,92.14,488.85 +18.23,60.95,1016.74,78.85,455.53 +23.89,65.18,1012.46,78.29,438.97 +32.16,66.25,1008.17,56.88,434.5 +25.62,63.13,1013.84,83.49,439.13 +21.69,42.23,1013.05,67.55,461.56 +13.9,45.08,1023.29,83.43,465.31 +25.88,74.67,1016.66,81.09,434.81 +25.03,61.86,1012.84,80.85,439.55 +17.7,50.88,1015.44,89.57,456.78 +13.98,40.24,1017.19,87.45,467.2 +23.36,72.24,1010.99,94.41,434.15 +26.55,73.67,1005.74,79.41,433.44 +25.16,47.01,1014.99,64,452.64 +23.82,63.76,1009.8,68.94,440.52 +29.86,70.8,1010.22,70.36,437.47 +25.42,66.05,1016.74,68.92,442.6 +8.33,39.72,1020.24,82.84,479.12 +26.2,65.18,1011.42,47.82,440.07 +31.49,73.5,1010.71,40.16,432.13 +28.05,70.36,1006.73,64.42,434.06 +9.7,37.14,1012.79,75.2,475.77 +15.94,44.85,1014.29,67.57,462.54 +18.52,58.41,1013.77,99.89,446.68 +14.5,40.66,1016.81,82.93,463.53 +25.66,71.77,1006.76,84.76,429.25 +24.29,62.91,1013.04,65.85,442.18 +13.87,49.83,1006.76,89.14,462.46 +6.1,43.65,1018.07,75.85,485.24 +21.91,70.32,1009.17,90.57,439.29 +29.34,70.94,1007.82,62.43,433.57 +23.93,65.59,1011.09,87.26,444.9 +7.77,40.27,1010.25,83.65,485.54 +28.07,74.33,1012,71.69,428.87 +28.34,73.68,1015.05,76.73,432 +18.59,65.06,1015.75,80.72,450.4 +28.68,61.86,1011.78,62.67,440.57 +19.01,58.46,1017.14,90.99,446.18 +21.29,51.43,1011.31,90.12,452.94 +9.78,52.75,1022.97,78.31,469.58 +19.65,42.23,1013.04,75.9,461.16 +8.54,38.08,1019.75,71.24,478.31 +21.39,58.05,1013.03,86.44,449.76 +13.25,43.7,1013.61,76.05,472.22 +13.53,42.03,1017.52,84.02,466.71 +5.35,35.79,1013.23,93.53,483.2 +32,65.74,1011.22,46.16,440.26 +26.92,68.27,1008.11,61.73,435.17 +25.82,59.43,1008.08,65.25,436.67 +26.41,65.59,1010.69,73.78,441.49 +4.27,39.64,1010.99,84.85,487.19 +17.79,44.9,1020.5,69.72,457.72 +17.47,58.16,1016.36,82.26,456.97 +28.53,76.86,999.08,75.77,431.64 +28.37,68.12,1012.41,45.87,436.42 +22.88,71.73,1010.11,86.96,436.36 +10.16,41.62,1013.15,94.3,465.05 +4.59,39.33,1010.85,71.78,494.9 +9.23,39.66,1019.44,76.11,481.77 +23.81,66.51,1016.96,70.16,438.32 +17.98,60.1,1009.61,84.11,452.57 +12.38,45.09,1013.26,90.55,467.47 +12.88,44.34,1016.03,88.51,474.94 +23.26,63.56,1013.64,71.3,446.67 +25.98,68.12,1011.36,66.86,439 +10.01,41.17,1018.78,86.84,479.4 +8.55,36.25,1029.54,85.23,480.68 +16.85,50.9,1013.26,83.94,460.68 +23.48,66.49,1014.41,62.61,450.05 +19.64,46.33,1013.33,98.99,451.45 +22,59.54,1004.55,95.25,439.37 +22.54,63.91,1012.15,84.91,446.64 +28.18,77.54,1011.99,74.72,430.55 +31.04,74.67,1015.85,43.32,435.17 +10.81,45,1023.45,85.89,482.63 +21.84,55.5,1019.28,62.17,454.99 +24.96,69.68,1011.37,63.12,447.2 +22.19,70.02,1011.03,82.49,444.85 +31.01,74.16,1010.89,56.52,434.64 +19.05,55.5,1020.25,75.76,457.5 +17.37,58.49,1012.2,91.14,456.29 +24.07,73.46,1006.61,73.46,438.41 +23,66.05,1020.61,80.29,421.57 +20.05,42.48,1012.29,85.09,457.01 +24.03,45.87,1007.55,52.48,445.84 +31.44,79.74,1006.95,56.99,431.69 +7.36,41.01,1025.49,96.48,477.37 +20.53,65.06,1016.69,73.47,446.64 +29.21,72.25,1012.72,71.85,434.64 +20.68,63.86,1015.73,74.36,447.84 +32.96,69.75,1008.86,40.23,435.56 +26.29,56.85,1012.68,60.33,439.86 +29.25,78.87,1012.05,84.28,430.49 +31.91,69.89,1014.59,54.51,429.29 +6.67,39.33,1011.07,91.96,490.03 +14.56,40.89,1010.94,79.57,467.53 +20.3,58.41,1014.05,86.38,451.74 +20.74,58.2,1017.54,70.66,450.4 +23.51,58.79,1016.44,65.38,445.75 +32.32,76.09,1006.63,62.96,432.53 +25.79,75.6,1017.46,75.63,434.65 +22.26,70.47,1008.32,84.22,440.21 +5.53,35.79,1013.48,94.19,484.25 +16.05,65.46,1013.92,87.99,456.94 +9.98,41.62,1013.56,95.77,463.16 +18.47,62.1,1019.86,82.57,452.51 +26.55,69.45,1013.92,52.22,434.55 +27.67,71.64,1004.41,78.14,433.29 +29.63,66.75,1018.08,58.46,433.26 +9.32,41.39,1020.03,70.21,481.88 +29.04,76.09,1007.52,75.44,430.32 +19.27,65.12,1015.63,73.48,449.42 +21.55,44.05,1005.69,84.05,443.48 +8.35,40.46,1019.23,73.26,474.79 +24.71,61.9,1013.78,85.82,443.39 +21.85,58.33,1013.03,66.39,447.31 +11.2,41.54,1019.94,67.18,479.03 +25.21,69.48,1010.99,75.27,436.02 +21.75,50.12,1009.36,94.41,446.64 +23.59,71.73,1009.69,87.06,435.67 +27.57,68.31,1010.48,55.87,444.71 +15.03,40.66,1016.58,84.08,459.46 +3.6,35.19,1018.73,99.1,488.98 +27.81,66.51,1016.11,48.48,439.48 +21.41,50.32,1008.61,84.47,443.63 +6.4,41.17,1019.54,85.37,488.82 +31.03,69.98,1011.33,52.16,436.13 +14.09,44.84,1023.65,94.29,466.12 +31.38,71.32,1009.17,60.42,433.44 +30.21,71.32,1006.19,67.57,434.91 +23.81,73.17,1012.13,86.13,438.11 +21.4,59.21,1017.84,78.01,444.15 +15.14,37.85,1010.33,84.3,468.31 +16.34,41.48,1015.92,48.24,453.6 +25.64,63.47,1012.33,68.35,442.62 +14.2,40.92,1022.26,71.71,460.42 +29.91,74.33,1013.22,39.76,430.26 +22.64,70.98,1005.71,95.65,441.99 +32.5,73.68,1014.65,55.72,427.63 +25.73,62.66,1010.15,54.66,444.85 +32.35,77.95,1014.76,60.88,432.72 +18.1,45,1023.05,48.41,465.46 +15.32,45.01,1013.3,83.72,459.31 +21.41,54.2,1011.37,82.28,448.11 +18.87,52.05,1012.02,53.46,458.64 +27.3,57.19,1008.08,63.48,438.65 +14.2,45.51,1015.36,74.85,465.35 +8.61,43.8,1021.9,74.35,478.25 +27.98,74.78,1009.46,63.11,436.82 +23.97,63.86,1018.09,57.62,441.65 +20.63,43.77,1010.71,62.34,448.25 +23.63,73.18,1012.29,88.81,437.7 +24.84,71.73,1009.84,82.41,436.36 +25.76,71.06,1007.93,90.4,433.75 +6.77,38.18,1017.8,81.13,484.31 +21.75,67.45,1014.89,67.09,445.1 +18.21,41.85,1014.67,56.86,468.4 +23.09,73.5,1011.4,89.76,438.56 +21.28,70.32,1011.55,88.05,438.7 +29.04,70.72,1009.55,66.58,437.95 +11.98,39.35,1014.97,98.05,472.43 +11.4,52.75,1023.31,75.7,465.79 +4.32,35.47,1017.8,88.51,488.03 +15.77,39.82,1013.01,79.1,468.78 +17.75,42.24,1016.86,61.52,468.86 +19.26,58.46,1015.74,84.64,450.66 +23.85,69.45,1013.99,60.6,439.67 +26.77,64.45,1013.26,44.56,449.1 +25.2,61.08,1013.04,74.28,447.09 +21.84,59.07,1008.84,96.5,448.61 +20.17,58.12,1015.41,79.47,455.25 +21.74,60.27,1015.82,88.96,441.22 +27.53,70.32,1007.75,49.31,433.72 +21.95,50.66,1013.92,70.94,455.23 +8.03,37.8,1020.47,60.67,481.51 +15.25,39.16,1016.18,79.39,471.05 +32.16,71.32,1005.5,60.23,434.01 +24.81,67.17,1007.71,84.37,442.75 +14.85,43.13,1016.02,55.29,470.37 +28.32,72.58,1007.77,78.35,428.06 +22.21,61.5,1008.34,76.22,445.77 +5.53,40.64,1020.78,97.25,479.88 +25.31,60.75,1008.65,79.35,437.33 +15.86,43.5,1021.22,75.38,459.42 +23.47,60.77,1017.19,75.36,444.46 +14.08,43.41,1015.59,54.15,466.99 +20.15,49.5,1013.47,66.7,462.65 +13.07,43.13,1016.93,70.02,471.47 +26.75,69.45,1013.88,53.65,434.57 +32.31,62.04,1010.41,39.39,450.13 +30.18,61.5,1009.8,36.81,436.92 +9.15,41.82,1032.88,75.11,477.78 +8.57,40.23,1017.53,90.46,484.17 +24.68,48.06,1013.83,54.97,447.96 +5.97,40.35,1012.3,94.1,489.03 +17.54,42.42,1008.97,67.67,471.28 +24.98,60.32,1016.39,63.12,446.46 +25.54,60.37,1006.49,71.54,436.14 +27.45,64.34,1007.12,65.87,440 +23.24,45.01,1012.21,45.23,457.01 +11.04,45.51,1017.53,83.42,474.45 +17.06,58.96,1013.83,73.95,461.15 +3.82,35.47,1016.62,84.34,489.04 +12.1,44.77,1019.1,75.85,463.11 +11.72,40.55,1021.54,85.13,470.8 +14.66,42.07,1018.14,84.68,462.77 +22.45,63.77,1014.57,87.44,444.26 +23.46,72.43,1008,90.55,435.36 +30.15,70.32,1007.58,54.14,426.8 +31.74,79.74,1007.07,61.47,431.72 +21.4,74.93,1014.58,80.85,434.09 +16.56,42.99,1007.48,74.45,464.62 +27.45,59.74,1011.34,58.58,450.46 +13.69,40.83,1008.53,84.81,471.26 +12.67,42.86,1014.06,89.9,473.13 +19.77,65.06,1016.22,74.95,448.26 +28.04,70.32,1011.28,78.16,435.42 +13.35,41.16,1011.32,89.12,474.57 +20.54,68.12,1012.23,81.06,440.28 +21.67,57.76,1018.32,68.21,452.56 +25.61,52.36,1014.1,62.9,451.42 +18.03,53.16,1013.1,81.42,457.73 +5.85,40.77,1022.44,84.77,480.59 +10.38,40.92,1021.53,95.18,466.46 +23.36,73.18,1011.96,89.15,435.85 +12.91,41.16,1011.9,89.19,472.71 +15.35,41.79,1008.38,81.13,455.54 +30.69,74.16,1012.71,60.89,435.17 +30.58,65.18,1011.61,37.43,437.17 +18.15,58.46,1017.42,88.24,449.48 +12.38,40.6,1013.86,85.35,472.53 +34.65,74.67,1016.03,26.67,427.69 +10.99,43.5,1021.1,93.64,469.34 +33.72,74.33,1011.4,37.51,428.96 +19.09,44.63,1019.91,39.32,461.36 +21.43,63.94,1012.68,99.68,445.29 +34.33,74.34,1001.74,42.75,435.76 +30.59,70.04,1010.28,50.56,429.13 +32,73.17,1009.92,42.47,433.72 +3.96,35.47,1016.79,83.81,489.68 +32.45,66.44,1011.21,50.18,429.99 +28.91,58.33,1013.84,39.72,437.53 +32.26,71.29,1008.41,48.58,431.96 +23.39,74.22,1009.83,86.05,439.92 +29.27,69.89,1015.21,67.16,425.55 +16.37,43.5,1021.26,72.4,459.18 +18.68,43.69,1016.68,48.88,463.02 +24.86,65.34,1012.99,60.33,447.25 +5.12,40.78,1025.45,96.88,481.28 +32.55,73.03,1014.36,44.83,439.81 +19.81,43.56,1013.39,38.13,460.59 +8.46,39.42,1025.05,69.36,474.42 +23.71,68.63,1014.54,46.04,449.41 +30.52,71.77,1006.22,56.4,426.14 +22.79,68.63,1012.99,55.78,446.16 +19.05,53.16,1013.22,82.8,455.76 +25.72,66.86,1007.47,69.14,439.97 +9.64,40.56,1022.51,78.62,483.39 +29.49,70.98,1007.83,79.08,434.43 +23.4,49.16,1002.85,69.82,446.05 +10.36,43.67,1011.95,78.15,477.23 +16.74,39.16,1005.68,71.17,460.47 +17.07,41.35,1005.88,83.43,464.6 +27.43,64.96,999.72,67.94,431.21 +23.1,60.08,1017.69,65.44,451.01 +28.25,71.77,1006.36,67.03,429.39 +30.92,78.05,1011,59.62,434.12 +26.75,58.33,1013.55,45.47,444.09 +6.62,41.14,1027.33,86.24,479.74 +12.69,40.75,1016.05,82.92,472.68 +18.04,44.88,1017.96,66.3,461.13 +19.15,56.53,1019.95,84.1,456.4 +12.08,40.24,1016.63,92.32,474.07 +15.67,48.78,1013.76,88.92,462.96 +34.63,74.33,1011.7,31.45,428.54 +7.46,41.26,1009.63,96.51,482.83 +19.61,56.53,1019.69,77.13,454.22 +10.96,41.93,1019.28,87.38,473.28 +24.15,63.13,1013.8,92.1,440.15 +8.09,38.5,1012.99,67.31,484.81 +21.59,48.06,1012.72,77.13,446.83 +25.03,59.21,1017.28,56.96,446.33 +10.24,41.58,1021.17,94.34,465.86 +24.2,57.85,1013.05,70.29,446.87 +20.24,58.41,1013.73,99.59,449.49 +31.82,73.68,1014.8,40.58,433.32 +14.17,39.59,1010.99,94.08,464.17 +10.07,34.69,1028.09,70.52,478.65 +29.79,68.24,1009.19,65.49,428.44 +12.51,43.67,1013.24,91.55,471.96 +18.91,59.21,1017.76,90.49,450.24 +7.98,39.61,1018.57,77.04,479.78 +31.67,69.68,1012.38,46.52,439.72 +17.59,65.48,1018.96,81.34,454.51 +25.96,60.32,1016.17,55.51,443.44 +15.35,35.4,1016.3,57.12,468.94 +22.39,48.14,1014.56,64.31,448.58 +30.85,67.45,1014.53,32.99,430.8 +24.02,64.63,1020.49,55.17,449.66 +16.25,40.89,1011.09,62.7,464.33 +24.33,46.93,1013.51,52.63,449.07 +28.78,64.96,999.75,56.43,432.66 +25.01,59.54,1007.91,80.93,441.3 +22.98,58.46,1016.06,72.69,445.05 +17.85,46.48,1007.79,83.59,458.16 +24.24,71.58,1010.15,91.14,437.75 +5.09,42.85,1013.78,91.34,481.24 +12.68,40.69,1014.46,79.77,475.37 +29.56,52.84,1006.09,42.17,436.46 +18.46,42.18,1001.47,97.61,458.67 +10.07,40.46,1018.65,69.2,470.99 +21.49,56.9,1007.47,66.66,452.46 +16.69,53.82,1015.39,63.62,458.96 +28.77,58.33,1013.73,36.6,448.06 +15.03,42.44,1014.25,94.52,464.91 +28.62,70.32,1008.87,46.67,431.03 +14.84,71.14,1019.61,66.78,454.16 +23.33,58.95,1017.93,66.37,442.71 +26.1,66.25,1009.25,84.52,441.53 +12.72,39.13,1008.36,92.59,467.28 +26.34,69.45,1013.87,54.15,438.5 +30.54,70.17,999.42,64.32,434.62 +7.09,43.65,1019.6,72.1,483.42 +23.47,59.22,1013.44,83.33,442.13 +9.78,41.93,1023.18,75.05,484.03 +13.61,41.74,1021.66,62.83,471.79 +24.96,74.99,1008.25,80.52,440.91 +25.68,59.44,1012.33,67.29,444.36 +23.01,59.44,1012.82,82.62,445.72 +30.28,58.9,1005.03,54.59,439.06 +5.86,40.62,1017.03,85.06,480.71 +9.68,39.61,1015.63,74.5,475.02 +26.04,71.14,1011.66,68.95,433.78 +12,39.35,1015.48,82.51,476.64 +15.45,46.63,1012.6,85.47,464.37 +30.09,69.48,1009.51,53.24,435.2 +11.23,41.17,1019.36,56.85,475.85 +10.59,41.93,1017.7,92.91,479.85 +19.89,51.43,1007.33,92.08,448.98 +14.35,40.71,1023.09,69.5,473.56 +5.47,40.62,1018.66,83.61,481.56 +16.11,44.92,1025.37,79.85,460.99 +26.03,59.07,1007.3,82.52,440.6 +30.61,68.84,1011.18,52.5,439.9 +22.54,63.07,1011.71,81.64,442.28 +11.67,40.23,1017.65,82.48,475.07 +11.71,41.44,1015.37,79.95,474.22 +10.91,39.61,1018.44,64.38,469.42 +29.53,70.94,1007.22,70.68,432.43 +30.54,69.14,1007.25,70.46,435.46 +10.72,45,1023.22,86.95,480.62 +25.54,48.41,1010.51,55.34,437.58 +24.89,64.27,1013.52,64.65,444.21 +29.33,52.84,1006.04,44.3,438.25 +9.33,39.96,1024.55,98.58,473.78 +20.76,58.18,1007.8,99.22,449.25 +28.78,60.07,1014.54,49.03,439.74 +19.62,43.56,1012.89,37.6,463.33 +24.92,60.95,1014.88,60.58,445.44 +11.33,41.16,1019.05,87.13,468.87 +22.12,63.91,1009.61,90.83,447.77 +18.27,51.43,1010.38,88.39,460.41 +15.9,41.35,1005.35,92.89,464.93 +14.67,71.14,1019.84,77.72,458.8 +17.94,37.2,1012.64,68.11,467.65 +18.92,44.63,1020.32,47.81,451.64 +15.27,56.89,1013.28,86.92,456.72 +16.31,68.28,1003.98,98.62,450.33 +4.99,41.03,1022.33,83.11,493.16 +24.07,71.97,1008.83,94.87,441.84 +20.03,62.26,1012.15,82.54,447.4 +15.83,41.67,1013.39,74.12,464.93 +25.44,70.17,1000.65,91.89,433.02 +23.38,52.84,1005.27,82.98,440.28 +30.17,64.79,1017.06,43.81,439.75 +29.97,73.06,1009.41,78.26,430.37 +6.86,42.49,1007.95,93.96,486.14 +21.87,49.39,1019.99,67.05,451.97 +20.46,51.43,1007.31,93.25,444.88 +12.03,40.1,1015.32,85.39,474.94 +32.21,68.3,1014.94,49.38,429.66 +33.08,69.75,1009.03,43.69,434.98 +5.66,35.79,1013.86,94.42,484.15 +19.35,50.12,1005.43,100.1,447.43 +23.43,51.43,1011.31,73.55,444.09 +11.18,37.5,1013.32,74.32,472.02 +28.37,72.86,1004.81,53.52,441.37 +11.49,39.22,1016.35,53.11,471.47 +18.87,43.43,1009.16,69.5,454.58 +20.3,59.8,1015.24,78.75,453.29 +12.39,49.83,1007.6,92.43,468.43 +33.13,74.34,999.57,48.34,433.73 +18.26,59.15,1012.38,85.74,452.03 +11.21,41.06,1021.75,77,474.03 +18.19,44.06,1017.24,78.73,456.13 +12.6,41.74,1022.13,67.89,474.23 +20.18,43.43,1011.31,65.11,450.09 +22.89,65.34,1015.53,61,450.53 +12.19,44.63,1018.96,80.91,468.91 +25.86,59.07,1008.59,81.28,440.9 +15.33,52.05,1014.15,80.56,452.82 +17.3,62.1,1020.28,88.06,450.83 +11.52,40.75,1016.23,85.18,477.19 +32.09,79.74,1006.92,61.5,432.85 +24.82,72.99,1007.81,84.72,435.68 +27.85,66.44,1008.48,77.15,429 +25.72,74.67,1016.64,75.93,434.83 +25.61,74.22,1010.26,75.15,438.45 +22.18,45.09,1014.04,43.13,455.4 +13.92,41.16,1003.83,88.69,465.33 +14.26,44.2,1019.81,76.46,462.87 +27.02,71.25,1000.48,87.86,438.33 +14.29,37.85,1009.98,92.81,468.63 +11.23,41.17,1019.36,56.85,475.85 +17.57,43.7,1015.53,67.22,463.64 +12.67,41.16,1016.92,92.8,462.35 +27.42,65.74,1013.43,69.42,440.52 +15.63,43.02,1012.57,40.32,466.69 +13.74,44.21,1023.26,84.2,466.67 +29.61,67.07,1005.91,39.28,434.14 +30.39,66.54,1002.7,59.15,428.89 +15.24,44.45,1020.56,66.13,460.94 +12.52,42.34,1018.67,95.29,464.71 +24.56,51.86,1014.43,68.85,447.57 +16.39,58.59,1014.58,90.34,455.05 +10.64,41.04,1025,93.59,468.88 +18.06,65.48,1018.79,77.95,454.34 +12.81,44.58,1016.49,80.76,475.5 +10.03,42.18,1017.3,85.99,475.74 +22.74,58.12,1015.16,79.58,447.86 +20.65,41.67,1012.76,45.27,455.5 +8.19,41.66,1016.57,75.38,485.2 +14.08,39.31,1011.67,72,464.16 +8.74,40.03,1016.81,93.37,481.07 +28.9,68.84,1011.64,64.44,437.06 +13.95,40.2,1013.18,90.77,464.79 +7.89,40.46,1019.61,74.53,477.27 +25.17,64.79,1017.87,63.26,442.15 +26.94,68.24,1010.49,76.58,430.34 +14.08,40.73,1017.52,91.49,461.58 +14.32,40.78,1024.49,73.84,457.92 +24.63,59.57,1010.45,85.36,440.67 +26.59,69.13,1009.27,73.96,430.11 +11.62,39.72,1018.4,68.06,471.56 +17.32,43.7,1015.13,61.66,464.5 +20.39,64.15,1021.31,62.35,457.37 +11.64,41.39,1017.36,83.4,479.53 +22.08,55.5,1018.42,58.46,455.79 +17.77,52.9,1020.11,81.51,457.98 +22.43,69.84,1006.94,75.54,436.19 +21.87,66.86,1013.01,57.39,453.62 +25.59,72.43,1007.88,82.98,432.49 +15.24,40,1017.34,65.16,454.64 +8.14,37.49,1009.04,80.33,480.66 +21.2,59.39,1014.04,85.06,444.57 +10.9,39.64,1010.58,64.88,477.04 +17.23,41.1,1002.45,68.88,464.18 +14.03,49.83,1006.64,90.01,463.71 +8.42,42.28,1008.4,87.78,481.91 +29.09,47.93,1003.05,48.13,438.97 +4.08,35.19,1018.87,97.07,489.44 +29.72,68.08,1010.72,53.46,430.36 +5.98,41.31,1001.66,89.5,484.51 +28.83,64.96,1000.05,63.57,429.13 +12.9,43.41,1015.92,59.15,464.26 +34.61,73.03,1013.61,36.91,438.56 +18.32,47.83,1005.06,87.21,454.11 +27.37,72.58,1008.16,79.94,428.05 +16.02,44.21,1020.97,85.64,462.51 +22.1,74.87,1009.4,85.78,442.83 +6.93,39.81,1017.25,87.29,484.98 +6.75,39.37,1020.26,70.99,486.26 +25.42,67.25,1017.92,68.61,439.43 +23.05,58.86,1013.84,62.21,445.46 +7.23,41.22,1015.23,98.04,483.31 +22.59,59.43,1005.85,84.02,442 +9.06,39.66,1019.64,76.98,479.53 +11.82,41.17,1019.5,55.74,475.61 +25.14,60.93,1007.44,76.71,437.4 +25.21,70.04,1009.51,76.13,432.93 +10.54,41.93,1016.64,93.52,479.65 +32.42,75.08,1004.82,41.62,436.26 +19.88,44.6,1015.52,37.85,467.68 +24.73,70.72,1009.82,88.79,439.3 +12.67,48.14,1017.41,83.63,463.68 +11.02,40.81,1016.31,78.13,474.01 +18.09,48.92,1010.6,52.11,455.07 +19.67,44.71,1015.46,31.46,464.99 +19.96,56.03,1020.59,64.95,454.67 +12.3,40.69,1015.74,82.58,474.46 +21.99,51.19,1009.19,82.58,446.93 +25.35,71.98,1006.83,88.44,435.72 +6.22,38.68,1017.87,69.41,483.55 +15.69,37.87,1021.18,84.38,465.41 +21.44,60.32,1015.2,81.1,448.84 +24.27,63.9,1013.5,61.09,450.26 +21.55,60.27,1017.42,92.59,443.93 +23.74,49.5,1013.2,49.51,463.4 +11.94,44.2,1017.97,82.93,474.02 +23.45,70.04,1010.99,79.2,436.46 +17.36,44.63,1020.49,54.21,456.98 +17.51,68.28,1004.36,94.87,449.59 +22.23,46.93,1013.09,58.02,448.27 +27.01,52.3,1007.78,60.38,439.51 +19.96,39.53,1006.16,62.77,460.49 +24.43,65.27,1013.25,55.4,440.99 +24.26,61.02,1009.78,76.68,442.86 +23.45,66.48,1003.66,75.83,435.13 +15.95,42.24,1017.71,69.32,465.35 +23.03,54.42,1014.42,74.98,453.77 +15.47,48.98,1016.42,89.85,457.55 +7.71,40.71,1021.53,95.48,471.38 +14.27,41.48,1014.83,62.7,458.19 +11.02,41.17,1018.18,86.86,477.62 +23.25,72.99,1009.17,89.85,438.51 +13.45,45.87,1008.42,87.74,464.59 +12.87,39.3,1020.64,74.38,467.54 +8.16,39.3,1019.39,85.38,483.17 +27.93,73.68,1015.41,49.95,435.95 +20.12,58.12,1015.47,79.38,453.33 +16.5,39.72,1003.05,65.99,459.06 +18.92,67.71,1008.19,64.53,446.77 +26.04,74.67,1016.68,81.2,433.55 +19.23,45.01,1012.24,72.91,450.77 +31.11,74.87,1009.11,54.86,434.3 +25.45,74.33,1015.53,80.95,435.12 +14.56,25.88,1009.46,78.22,466.29 +28.18,49.3,1003.97,55.56,438.91 +21.9,57.76,1017.45,66.89,449.95 +22.04,59.14,1017.34,84.75,442.45 +29.83,71.98,1004.32,67.55,426.98 +25.21,75.6,1017.19,69.84,445.84 +31.11,71.8,1010.81,56.08,437.2 +18.94,48.7,1008.5,94.83,451.38 +23.34,59.44,1012.67,80.76,445.24 +22.5,59.54,1007.99,93.63,445.22 +32.38,77.24,1007.7,61.15,430.96 +7.39,39.81,1019.45,85.02,482.99 +21.84,59.39,1015.77,88.12,442.11 +14.72,43.34,1013.07,85.61,464.22 +24.67,49.5,1013.62,59.42,455.31 +23.17,51.19,1009.5,76.15,441.77 +19.66,59.87,1018.75,87.6,446.28 +23.95,59.92,1010.15,86.37,435.92 +31.07,64.96,1005.2,58.93,428.63 +27.03,71.14,1010.33,66.25,430.41 +10.96,37.5,1013.46,79.54,471.05 +7.84,41.39,1018.21,91.92,485.66 +31.3,67.17,1007.27,62.99,433.53 +15.76,44.89,1010.33,85.06,459.67 +23.09,45.01,1012.25,43.95,453.45 +16.9,38.58,1014.09,70.11,459.87 +17.98,59.15,1012.09,83.03,451.97 +13.86,40.66,1017.15,83.82,463.49 +15.47,46.48,1007.69,91.07,462.58 +7.11,40.77,1022.4,90.95,475.55 +29.52,77.24,1008.55,76.24,433.82 +7.94,40.6,1015.3,92.14,486.33 +29.7,57.35,1005.63,57.35,433.27 +23.5,50.23,1017.51,75.15,457.51 +20.03,60.77,1017.23,87.82,449.31 +8.49,36.25,1029.7,84.41,480.35 +12.48,40.67,1011.24,61.1,475.96 +9.96,42.03,1017.78,82.39,477.85 +16.64,44.9,1021.02,70.34,460.93 +14.35,35.71,1016.1,60.86,468.9 +9.07,40.67,1014.41,70.39,484.5 +12.57,41.66,1009.11,70.74,475.61 +9.32,37.73,1022.14,79.49,477.91 +27.17,67.17,1006.76,81.59,431.73 +24.48,50.23,1017.03,66.89,456.02 +6.69,36.24,1013.35,91.09,483.82 +14.89,39.58,1012.26,77.58,465.95 +22.32,47.93,1004.07,86.95,440.21 +7.64,39.85,1012.78,88.09,481.53 +25.34,59.39,1014.02,73.58,439.8 +6.05,42.85,1013.09,91.88,485.02 +16.72,53.82,1015.46,66.9,458.25 +20.82,52.84,1004.13,79.42,449.59 +18.94,46.93,1010.22,75.45,441.41 +22.72,69.84,1005.96,83.9,436.7 +22.02,69.45,1013.84,75.75,440.26 +15.67,38.62,1015.76,66.29,463.17 +6.17,40.07,1013.7,58.99,495.21 +20.14,46.33,1013.24,83.39,453.35 +28.05,62.6,1017.01,46.46,449.73 +9.77,41.44,1017.69,78.26,481.74 +18.91,56.9,1006.98,84.07,448.24 +15.55,43.02,1011.97,44.66,466.2 +11.95,41.58,1015.83,89.35,464.57 +15.33,37.2,1013.4,78.99,466.81 +25.62,60.29,1017.81,51.24,444.94 +26.75,56.57,1013.76,57.93,443.92 +19.37,63.09,1018.79,81.52,450.18 +10.32,41.46,1017.98,87.66,479.61 +16.85,41.35,1006.14,79.21,463.37 +12.42,43.8,1023.13,79.8,466.59 +20.3,48.41,1007.48,89.66,446.68 +14.1,42.74,1026.92,67.25,466.1 +11.77,42.03,1017.63,79.35,472.22 +26.16,59.87,1013.24,71.92,446.73 +26.85,69.84,1002.84,81.31,426.58 +12.86,40.6,1013.6,84.85,472.04 +14.12,40.92,1022.46,73.28,459.76 +12.87,39.3,1019.26,71.55,471.48 +26.23,59.14,1016.98,75.54,437.85 +10.63,40.67,1017.13,66.12,483.27 +15.62,41.76,1023.82,66.17,459.72 +25.95,73.77,1001.35,92.67,432.21 +18.77,39.54,1009.39,63.35,458.58 +10.22,45.01,1018.27,93.62,474.32 +17.67,50.88,1015.64,90.55,456.16 +20.89,70.32,1011.22,89.68,442.5 +22.5,58.79,1017.48,73.02,443.35 +32.45,68.3,1015.26,44.12,431.79 +10.31,44.63,1020.55,88.62,471.78 +20.08,63.09,1019,77.06,448.74 +28.28,56.9,1006.38,64.99,445.61 +8.4,38.5,1013.67,69.13,486.5 +24.31,67.79,1010.64,76.15,444.72 +7.53,41.16,1023.19,91.28,475.7 +25.17,72.39,1001.69,90.51,432.45 +6.9,40.62,1018.48,78.84,479.97 +23.03,44.89,1010.26,59.85,447.81 +13.17,38.91,1016.55,74.47,470.63 +25.09,69.68,1012.18,91.33,439.77 +19.13,40.79,1004.47,91.7,457.83 +29.56,73.88,1005.77,66.45,436.6 +31.93,70.4,1005.27,73.71,432.29 +13.8,42.99,1007.16,67.28,470.93 +27.61,49.16,1005.01,35.63,441.18 +16.36,43.99,1021.34,85.13,465.81 +27.27,72.24,1010.69,78.09,432.35 +20.27,56.65,1020.75,67.12,454.29 +22.28,60.27,1018.98,84.12,443.44 +26.99,62.26,1011.13,71.27,436.89 +25.79,67.17,1007.89,81.38,440.75 +29.49,69.71,1009.34,56.35,440.99 +25.85,67.69,1007.7,70.14,434 +25.82,69.68,1012.69,89.94,439.58 +24.67,68.14,1004.96,58.15,438.4 +30.09,64.96,1001.29,56.04,430.3 +11.27,40.62,1017.03,61.94,471.26 +20.28,68.63,1012.42,70.31,454.36 +19.36,39.54,1008.97,58.92,458.75 +15.37,41.96,1011.58,96.76,466.02 +13.79,45.08,1023.3,83.59,465.69 +24.35,73.17,1012.2,85.88,435.66 +20.51,63.09,1016.39,92.99,445.86 +21.93,61.45,1008.92,98.54,443.91 +28.24,71.58,1010.1,67.92,434.01 +25.19,64.44,1014.75,64.38,444.35 +31.71,73.5,1010.63,40.17,430.45 +24.88,63.31,1014.23,55.76,441.54 +30.65,71.98,1004.92,63.39,429.85 +29.01,68.08,1010.74,52.51,427.91 +10.06,42.02,999.37,98.65,477.82 +14.66,41.92,1030.81,68.88,464.57 +26.12,68.51,1013.06,68.96,433.11 +23.92,61.87,1009.63,54.16,441.15 +21.88,59.39,1015.58,87.19,442.92 +16,42.86,1013.88,81.74,467.5 +24.74,59.21,1012.18,74.2,440.36 +6.93,40.67,1020.17,71.16,494.61 +12.26,39.96,1011.79,79.06,470.87 +14.44,40.8,1025.05,56.59,472.95 +11.85,42.07,1017.92,93.45,467.25 +21.35,57.76,1017.36,73.1,452.57 +27.31,65.12,1016.05,45.98,440.06 +23.59,43.77,1010.85,55.98,448.42 +11.94,40.66,1016.61,96.11,467.99 +24.97,50.23,1015.6,56.79,454.35 +24.78,57.19,1008.08,65.4,443.62 +8.18,43.69,1017.16,88.16,487.83 +13.75,40.66,1016.41,93.31,461.81 +15.52,43.7,1015.8,76.27,466.38 +14.98,43.99,1022.66,83.34,462.32 +13.42,40.78,1025.03,77.51,459.04 +24.05,72.24,1011.32,88.94,437.81 +29.75,74.87,1009.1,56.5,435.61 +17.89,42.42,1008.92,65.08,467.59 +27.84,72.39,1001.18,83.46,432.19 +18.24,58.46,1017.38,86.92,449.63 +12,41.17,1019.48,58.71,474.4 +12.23,43.69,1016.46,84.4,471.62 +22.67,64.15,1021.02,70.49,453.47 +16.73,37.2,1012.94,74.04,463.89 +21.65,56.89,1013.13,66.07,445.93 +21.18,45.01,1012.57,48.05,451.62 +21.06,67.07,1004.9,84.09,446.44 +13.88,48.79,1017.28,79.4,464.14 +19.08,46.93,1010.6,75.21,454.45 +17.48,40.89,1011.39,62.45,462.59 +16.23,43.69,1016.4,68.9,466.22 +24.99,60.37,1005.66,74.87,437.67 +12.53,44.03,1007.21,84.2,470.04 +18.3,37.2,1012.23,68.09,470.42 +7.51,41.66,1015.9,78.31,485.58 +28.66,77.95,1009.56,69.07,431.23 +25.6,63.9,1013.16,53.19,451.44 +12.75,39.85,1012.51,62.37,475.61 +17.19,58.86,1016.74,85.97,451.87 +30.51,60.75,1009.86,51,435.57 +8.23,40.77,1011.92,90.59,479.24 +10.17,40.1,1014.05,91.9,479.58 +27.04,73.67,1006.82,77.45,431.1 +10.74,40.92,1021.74,94.97,466.77 +21.96,58.79,1010.51,87.32,448.89 +23.14,62.26,1011.87,66.44,444.38 +27.41,69.98,1008.51,65.49,431.64 +25.61,67.69,1009.22,68.76,437.78 +18.55,61.87,1008.45,65.3,450.73 +30.55,66.25,1009.15,63.52,440.74 +24.4,41.1,1002.14,38.75,451.66 +25.17,68.08,1012.83,60.87,437.01 +22.1,65.06,1014.56,71.5,442.18 +11.48,42.02,1000.29,94.76,471.43 +24.04,59.43,1007.6,76.98,437.51 +12.74,41.38,1021.92,56.67,475.63 +20.65,57.5,1016.04,87.45,448.22 +9.6,41.03,1021.01,69.03,481.73 +28.61,69.84,1004.24,67.74,429.91 +16.58,37.64,1015.23,81.59,460.48 +16.81,38.52,1018.26,75.21,459.01 +5.46,40.81,1025.73,93.52,474.87 +23.19,49.82,1014.59,70.52,451.08 +11.86,40.27,1008.06,72.91,474.57 +20.36,66.05,1015.86,87.19,450.23 +25.14,63.47,1012.58,70.27,443.93 +28.42,75.23,1010.25,56.8,435.64 +10.96,45.01,1017.97,95.82,468.64 +18.48,52.05,1012.41,68.2,458.62 +16.48,41.35,1005.61,89.07,465.64 +14.04,40.2,1013.29,89.54,465.25 +22.24,41.1,1001.96,42.6,451.95 +11.77,40.71,1024.55,72.49,477.94 +32.41,58.9,1003.26,45.33,439.11 +17.8,62.26,1011.81,89.81,451.62 +19.08,59.15,1013.1,81.82,451.33 +11.72,40.35,1012.08,83.98,476.41 +27.92,68.12,1011.54,49.8,437.51 +22.73,66.75,1018.13,84.06,437.93 +30.67,72.86,1004.25,52.72,432.76 +26.81,61.47,1009.68,68.34,443.66 +15.39,39.31,1008.78,66.67,461.39 +22.92,61.9,1013.27,78.32,446.08 +29.53,71.43,1011.79,57.41,438.78 +32.84,68.14,1003.59,43.88,425.18 +15.78,41.48,1015.55,52.17,454.25 +6.65,40.69,1020.11,89.84,479.35 +14.64,53.82,1016.33,60.59,463.18 +15.12,41.79,1007.16,82.35,455.63 +28.36,69.88,1007.75,84.17,434.03 +24.27,74.93,1012.73,73.81,443.06 +27.77,51.43,1006.58,69.01,438.7 +11.17,39.72,1002.4,81.4,474.64 +23.71,67.17,1007.27,90.2,440.65 +28.12,73.42,1011.49,80.16,435.46 +19.17,52.9,1016.56,65.23,458.59 +19.67,44.89,1009.43,73.88,455.2 +18.5,46.93,1015,66.81,455.63 +16.36,39.99,1008.91,72.48,462.5 +22.43,63.76,1009.84,75.27,442.85 +30.8,73.56,1007.39,75.78,432.43 +22.07,60.08,1017.68,71.23,452.56 +15.51,41.76,1022.81,69.55,463.82 +29.78,69.71,1008.96,67.46,434.33 +9.61,39.04,1023.45,75.66,483.86 +31.99,53.53,1004.98,53.53,432.43 +29.72,74.78,1009.32,55.25,438.19 +15.47,43.13,1015.11,50.5,466.63 +4.62,38.44,1016.09,73.14,486.84 +15.61,41.2,1016.12,75.28,467.81 +7.35,41.66,1015.55,79.67,485.35 +23.77,61.87,1009.8,54.83,445.72 +10.88,44.63,1020.52,86.81,469.57 +12.99,43.8,1023.16,64.65,466.95 +22.99,46.93,1014.15,49.42,451.41 +24.38,58.2,1016.93,51.61,444.36 +25.14,69.13,1011.15,85.67,433.95 +13.21,40.03,1018.12,82.98,469.75 +13.56,39.18,1023.4,63.82,470.38 +10.6,41.46,1021.23,89.02,481.3 +12.78,41.04,1025.16,85.14,461.61 +27.44,66.56,1005.51,69.28,428 +23.09,51.19,1009.4,81.61,443.22 +20.87,57.19,1006.5,77,445.95 +14.58,42.07,1017.9,86.14,460.66 +22.12,69.71,1009.7,90.22,434.42 +16.73,65.94,1013.79,90.19,453.39 +14.92,41.16,1004.83,83.7,465.72 +21.38,65.12,1015.73,68.02,448.5 +10.55,41.92,1030,91.23,470.95 +3.31,39.42,1024.05,84.31,487.19 +16.23,43.52,1020.13,76.3,464.74 +27.86,65.18,1012.87,55.53,436.26 +13.63,43.22,1012.71,72.85,464.62 +6.91,37.49,1011.05,82.07,481.88 +8.62,39.54,1011.64,82.86,483.03 +8.51,42.32,1015.08,84.89,476.6 +31.3,70.79,1004.3,54.37,428.75 +16,43.02,1012.37,39.2,466.01 +11.44,44.2,1018.14,84.9,476.12 +5.15,45.87,1008.02,98.36,479.61 +24.88,63.91,1009.41,77.75,447.28 +27.52,74.67,1015.77,72.01,433.56 +32.89,66.44,1009.94,60.55,431.54 +9.98,39.66,1017.32,77.78,481.64 +25.42,74.22,1009.04,88.55,433.97 +26.04,52.84,1005.68,65.18,439.36 +16,48.78,1013.9,88.64,458.27 +14.4,40.2,1013.04,90.5,464.5 +21.71,60.77,1017.95,85.07,444.59 +27.72,69.88,1007.58,72.25,434.02 +9.34,38.08,1019.56,67.74,482.06 +31.12,68.14,1003.67,67.36,427.06 +12.14,44.85,1014.36,60.04,476.68 +12.24,40.96,1023.22,78.74,475.32 +25.67,69.88,1007.84,83.32,441.35 +28.6,61.86,1011.86,62.13,439.74 +33.63,70.4,1004.02,53.6,430.05 +20.23,57.76,1016.84,81.26,452.5 +13.3,50.59,1019.38,92.96,469.13 +20.77,45.87,1008.07,76.22,452.71 +20,56.53,1020.43,75.94,454.86 +7.34,40.72,1023.01,80.08,483.92 +21.71,65.27,1013.24,63.58,444.91 +25.16,58.82,1009.63,72.62,442 +17.35,39.39,1013.18,67.67,467.85 +21.6,66.86,1013.02,54.19,450.84 +9.89,40.64,1020.59,98.35,478.13 +13.32,44.9,1007.72,78.64,466.3 +24.8,50.23,1016.62,63.13,453.56 +26.38,44.89,1009.14,51.79,442.13 +19.93,57.25,1010.6,89.34,455.15 +9.33,36.3,1027.88,79.23,479.6 +13.85,45.08,1024.86,83.85,468.35 +24.51,62.08,1022.58,57.44,447.04 +27.78,68.67,1005.59,59.17,439.92 +23.85,52.3,1005.9,70.95,441.99 +13.75,40.89,1011.21,82.8,471.42 +34.2,68.14,1002.7,56.09,427.05 +19.04,68.28,1004.52,86.16,444.54 +24.85,67.9,1005.9,64.55,445.18 +22.51,66.49,1014.59,63.03,453.08 +26.88,60.96,1012.1,57.9,446.77 +15.48,47.83,1004.88,81.68,463.67 +23.56,73.67,1007.13,87.1,439.27 +19.43,52.9,1018.35,61.12,456.08 +29.97,67.9,1006.09,61.6,434.14 +18.97,50.59,1016.01,74.9,459.68 +21.37,81.56,1006.57,81.56,434.38 +20.09,61.27,1020.05,70.71,451.43 +22.41,66.56,1003.3,88.71,435.75 +24.51,68.63,1014.15,45.1,447.66 +26.01,74.33,1015.69,81.22,435.82 +28.32,68.12,1011.62,46.75,433.59 +13.68,45.08,1024.91,85.26,467.02 +8.83,41.14,1025.37,94.36,474.51 +24.75,58.79,1009.87,71.97,444.79 +30.64,74.87,1009.44,59.01,437.43 +26.68,49.02,1008.4,68.01,441.54 +23.38,48.6,1004.45,69.19,440.9 +23.48,70.79,1006.7,88.57,432.25 +14.03,49.15,1020.5,83.65,467.16 +24.26,47.93,1003.87,70.44,439.16 +13.08,42.32,1016.63,83.72,462.41 +23.78,69.71,1008.79,83.17,443.06 +27.71,75.23,1010.21,59.75,440.7 +21.97,65.61,1016.09,73.29,447.05 +15.54,41.23,995.45,83.73,463.06 +31.03,74.33,1011.55,63.45,429.35 +31.12,69.13,1009.61,56.54,429.41 +7.11,41.74,1022.35,90.68,487.85 +13.07,42.18,1014.98,87.77,461.71 +22.86,62.52,1016.23,70.67,447.96 +6.14,40.62,1015.71,86.51,481.66 +14.3,53.82,1016.64,63.9,465.42 +17.93,44.63,1003.54,87.41,458.96 +25.9,71.73,1010.18,74.83,434.84 +23.72,58.62,1016.32,71.17,447.13 +13.83,38.73,999.62,91.95,469.81 +21.71,76.86,1006.71,76.86,438.41 +28.76,66.56,1006.07,62.41,432.3 +15.28,43.71,1024.32,81.24,463.44 +13.95,38.73,1003.87,83.94,468.21 +22.19,58.49,1010.91,77.03,449.4 +22.75,58.86,1016,67.34,448.32 +28.52,64.96,1005.9,70.79,431.36 +23.9,61.47,1009.01,81.05,438.73 +31.88,70.36,1006.2,57.51,438.42 +10.4,42.44,1014.24,93.48,480.04 +21.31,49.39,1020.18,71.35,455.34 +29.72,71.97,1008.6,79.25,431.22 +20.92,49.15,1021.15,49.76,455.32 +13.48,40.35,1011.71,69.44,474.72 +21.36,58.95,1018.35,78.87,443.93 +6.75,39.9,1008.3,87.42,484.05 +18.11,58.95,1016.61,89.17,454.29 +26.2,71.73,1010.14,76.14,430.89 +22.89,80.25,1006.38,80.25,446.15 +26.12,63.94,1017.97,44.81,441.46 +9.84,40.22,1009.5,85.38,479.65 +14.13,48.92,1011.72,78.06,464.17 +9.05,36.3,1027.44,74.85,479.43 +22.21,60.77,1018.21,84.96,444.57 +18.73,40.12,1013.19,74.12,454.71 +10.53,40.64,1020.62,98.43,477.99 +21.47,58.79,1017,76.97,446.33 +6.03,41.17,1019.81,84.2,488.57 +23.55,65.12,1016.23,66.65,446.44 +9.26,40.78,1023.61,88.48,471.79 +14.18,42.99,1007.19,73.21,468.35 +6.67,39.37,1020.31,73.56,488.13 +24.1,71.97,1009.92,91.27,443.09 +25.35,72.99,1007.65,84.09,436.29 +23.21,58.49,1010.97,74.34,448.09 +11.44,43.13,1014.88,63.88,477.57 +12.75,40.64,1020.44,83.17,466.93 +30.01,68.27,1006.88,51.67,428.6 +27.18,61.41,1012.17,46.11,449.7 +8.3,43.13,1020.02,83.11,484.07 +26.2,71.73,1009.99,74.99,434.08 +22.4,68.31,1009.52,83.5,446.91 +14.66,43.13,1014.97,46.31,467.87 +24.96,70.47,1007.73,76.48,438.23 +26.5,66.05,1017.03,61.34,440.15 +24.39,58.41,1013.65,80.93,445.39 +3.91,35.47,1016.92,86.03,488.67 +14.8,44.92,1024.06,91.67,464.01 +10.22,39.64,1010.72,63.05,477.22 +13.48,41.92,1030.2,65.96,463.9 +17.83,43.72,1008.64,78.72,453.86 +31.63,65.74,1010.83,50.59,437.54 +23.16,69.94,1004.92,68.68,438.48 +21.7,64.69,1007.93,78.37,448.76 +13.92,41.16,1000.98,83.89,454.15 +12.22,41.2,1016.81,81.22,474.96 +21.62,58.59,1012.93,67.05,445.92 +9.3,38.18,1017.19,71.51,480.14 +32.55,70.94,1006.75,43.15,432.07 +13.32,38.73,1005.37,88.48,472.33 +19.83,59.44,1012.98,91.24,446.15 +22.16,64.63,1020.81,68.47,451.86 +15.81,58.59,1014.41,90.03,456.91 +24.46,68.61,1011.02,76.66,440.58 +29.1,73.4,1011.35,57.31,436.85 +24.37,70.02,1010.97,71.97,443.53 +7.48,38.5,1014.01,77.35,488.43 +8.58,40.72,1022.04,87.55,480.96 +19.69,56.65,1020.82,71.54,453.96 +18.14,43.56,1012.83,47.1,461.71 +18.21,39.54,1009.81,70.92,461.73 +27.07,77.95,1012.34,76.64,433.61 +15.62,38.28,1014.5,77.01,465.7 +25.61,47.43,1008.62,54.51,442.96 +15.41,42.44,1012.6,86.74,472.28 +20,63.31,1017.06,63.1,449.68 +25.87,57.32,1012.06,44.13,442.87 +14.43,38.91,1013.28,70.26,468.83 +9.14,38.91,1018.62,89.88,476.57 +25.24,68.28,1000.26,78.17,435.9 +27.06,43.77,1011.02,42.61,442.15 +18.06,52.08,1003.73,100.09,452.19 +23.15,58.79,1011.11,82.49,447.71 +25.38,74.67,1016.61,81.34,435.41 +30.65,65.18,1012.51,42.32,436.79 +8.49,43.69,1016.93,85.63,483.62 +29.86,69.34,1009.61,61.27,438.5 +29.12,66.56,1006.9,49.79,429.94 +10.35,38.38,1020.77,74.55,477.76 +30.3,73.9,1006.72,55.13,440.79 +21.31,46.97,1014.08,62.57,455.76 +15.17,54.3,1017.38,72.11,464.39 +11.87,40.55,1019.06,94.11,473.79 +24.1,68.61,1010.97,74.87,443.75 +23.92,73.17,1011.81,92.33,433.78 +13,48.79,1017.14,85.23,464.12 +24.14,41.1,1002.1,38.49,450.13 +30.19,66.54,1004.39,61.43,428.37 +22.08,69.94,1008.41,72.86,441.57 +26.86,72.58,1009.22,88.39,428.69 +13.55,40.1,1014.57,81.48,469.57 +13.18,43.8,1023.18,61.21,467 +7.2,40.35,1011.83,95.59,484.9 +11.37,41.5,1013.57,88.82,475.94 +13.93,39.64,1011.8,82.64,470.84 +10.32,40.35,1011.64,84.05,481.51 +16.32,50.88,1013.37,97.19,458.28 +4.16,35.47,1017.72,88.49,486.7 +28.26,72.43,1006.68,72.3,426.2 +29,69.68,1012.78,66.09,442.79 +31.63,68.3,1014.8,42.02,426.86 +28.19,68.08,1013.41,43.93,436.43 +13.93,40.2,1013.41,89.86,466.47 +30.92,80.18,1010.11,72.47,432.35 +19.89,69.48,1011.06,86.73,447.63 +25.86,76.2,1005.73,69.35,438.75 +10.81,44.63,1020.61,88.29,473.86 +18.26,69.94,1004.1,97.39,443.59 +18.61,63.09,1019.37,83.08,449.81 +25.34,65.61,1014.61,57.51,442.82 +21.28,70.72,1010.29,86.22,445.54 +12.88,43.8,1023.19,59.18,468.19 +33.68,68.14,1002.75,56.05,427.53 +8.66,44.68,1022.99,95.45,479.62 +8.26,40.96,1025.23,89.22,485.73 +9.03,40.71,1025.98,81.94,484.97 +14.85,39.39,1013.93,76.27,468.84 +3.21,38.44,1016.9,86.34,491.35 +15.71,39.3,1019.2,62.28,462.84 +26.52,43.77,1011.49,46.98,440.31 +14.18,40.69,1014.73,74.88,471.52 +13.89,45.08,1024.64,82.29,467.74 +10.12,41.78,1013.43,73.47,477.67 +21.12,63.91,1009.33,96.14,447.64 +26.68,63.73,1009.7,71.55,439.69 +19.65,62.1,1019.46,77.82,449.13 +23.47,69.71,1009.66,88.83,442.23 +16.71,40.55,1004.45,81.64,464.13 +5.21,35.79,1012.44,94.35,485.17 +28.13,68.12,1012.6,44.71,435.85 +12.14,45,1023.9,89.2,476.6 +23.7,69.23,1011.73,73.18,437.15 +29.52,75.33,1002.62,70.64,433.39 +13.49,41.78,1010.66,63.34,467.92 +28.24,65.74,1013.4,64.87,438.47 +16.48,68.28,1004.27,99.89,449.7 +14.01,42.74,1029.16,68.31,466.15 +24.56,66.75,1018.5,77.47,435.03 +28.94,71.64,1006.59,69.24,438.96 +19.71,43.43,1009.58,65.71,456.24 +11.06,41.5,1013.09,89.8,476.24 +22.99,60.77,1017.97,78.47,447.62 +19.87,48.14,1016.94,81.56,451.14 +23.77,59.21,1011.97,80.08,440.08 +20.99,50.12,1008.82,95.97,448.07 +10.32,41.01,1021.04,95.3,467.81 +26.72,56.9,1007.12,58.54,435.16 +14.55,44.84,1023.83,87.6,465.14 +4.89,45.87,1007.58,99.35,482.69 +19.49,46.63,1013.11,88.01,451.31 +24.44,59.21,1017.36,61.45,445.82 +7.99,36.08,1020.08,83.2,481.35 +27.28,51.43,1011.46,51.38,450.53 +26.23,59.07,1008.2,78.93,440.18 +9.46,41.4,1026.78,87.58,480.82 +15.01,39.52,1017.53,72,468.02 +24.86,63.47,1011.5,71.78,441.68 +20.47,58.16,1016.97,68.6,453.99 +27.09,49.3,1003.93,61,437.44 +11.48,36.18,1017.03,61.62,469.44 +7.84,40.07,1016.68,47.63,488.7 +15.97,52.72,1024.72,65.97,462.64 +29.55,67.69,1004.88,48.68,428.77 +11.63,40.55,1022.89,87.12,474.67 +22.96,45.01,1012.21,50.81,450.37 +13.61,40.71,1022.36,72.87,475.23 +22.17,70.47,1011.07,82.57,441.14 +15.45,61.27,1019.87,79.21,456.59 +25.08,61.02,1010.01,73.21,437.31 +24.98,71.98,1006.59,90.61,432.06 +20.57,44.9,1008.39,62.69,456.18 +12.33,38.91,1017.24,79.84,472.49 +8.29,36.08,1020.38,81.53,483.26 +25.47,59.92,1010.08,77.18,439.84 +28.2,66.75,1018.35,60.18,433.46 +29.05,70.32,1011.33,72.5,437.16 +27.03,65.12,1015.94,45.1,441.62 +27.25,73.03,1014.15,68.52,439.78 +30.71,71.85,1008.07,72.05,425.16 +20.94,49.02,1008.91,87.32,448.18 +9.06,43.79,1016.05,81.32,482.8 +26.8,58.84,1001.2,65.03,445.76 +25.77,65.48,1018.07,51.47,440.96 +16.77,50.9,1013.24,84.4,459.91 +11.73,37.92,1008.02,72.68,472.51 +19.72,65.94,1010.53,82.12,446.84 +24.42,66.56,1002.04,84.7,434.18 +18.68,59.14,1016.96,77.09,452.85 +14.22,45.08,1023.26,84.41,466.47 +23.81,57.5,1015.53,70.66,448.72 +7.91,38.56,1016.48,68.94,485.95 +21.32,45.01,1012.23,59.94,452.75 +24.75,52.84,1005.47,69.61,442.6 +26.81,56.57,1013.68,61.6,442.94 +25.99,49.82,1015.95,58.56,452.09 +10.59,41.26,1008.1,98.27,474.76 +6.33,42.07,1004.25,77.1,484.57 +22.26,44.89,1009.51,78.93,447.07 +15.9,39.99,1007.03,78.49,465.5 +23.14,58.18,1008.89,81.82,444.51 +19.48,58.79,1017.6,88.72,450.55 +13.19,44.88,1017.61,94.95,467.68 +27.4,69.84,1002.98,76.48,430.54 +29.41,59.27,1011.36,52.37,441.99 +25.22,71.85,1009.78,68.96,438.71 +22.31,70.32,1009.22,89.53,437.83 +7.64,42.28,1008.49,83.42,483.74 +14.68,43.99,1023.36,86.79,461.91 +15.12,48.92,1011.8,72.93,462.59 +20.96,61.27,1019.99,67.32,448.77 +5.95,39.48,1005.16,63.6,486.07 +25.13,57.69,1007.43,78.43,437.8 +11.58,40.66,1017,97.13,466.42 +20.21,59.14,1016,70.38,448.79 +16.64,43.14,1019.03,82.88,459 +8.86,36.71,1025.64,79.65,478.88 +19.72,47.03,1012.1,90.36,458.59 +8.27,38.56,1016.47,66.6,485.31 +30.19,68.08,1010.95,50.34,431.25 +20.06,56.53,1020.38,75.16,455.99 +13.16,43.41,1016.43,79.47,465.6 +24.01,65.46,1014.17,43.02,443.81 +9.78,40.03,1017.33,92.11,480.59 +16.85,42.24,1017.43,66.01,472.63 +15.12,39.16,1006.55,76.99,463.78 +24.45,66.49,1014.24,58.15,449.22 +9.14,42.44,1014.48,92.03,481.46 +26.02,68.67,1006.73,75.19,440.12 +21.46,51.61,1010.91,76.41,457.28 +13.18,40.24,1016.81,86.71,469.35 +5.79,38.68,1017.19,70.46,487.4 +13.56,49.83,1007.01,89.86,466.33 +11.95,42.07,1018.52,84.73,467.91 +9.15,44.03,1012.45,81.67,474.26 +28.96,66.54,1002.54,56.33,429.48 +21.23,50.59,1017.42,69.26,453.95 +10.73,40.35,1012.27,89.65,477.23 +6.1,39.33,1010.4,95.34,491.37 +25.5,63.91,1009.4,75.22,444.26 +29.1,76.2,1006.28,60.22,435.97 +22.58,58.12,1014.88,80.59,448.32 +19.53,66.54,1013.72,81.46,451.19 +20.07,51.3,1011.9,94.62,450.46 +24.96,77.54,1008.25,80.6,433.4 +21.08,63.13,1013.53,98,443.51 +12.54,43.69,1017.26,83.59,470.04 +6.64,35.19,1019.83,76.01,484.03 +16.78,37.2,1011.97,68.94,471.24 +25.56,75.6,1017.37,69.31,442.2 +14.02,40.75,1016.05,70.65,470.48 +29.45,70.02,1010.28,65.93,437.82 +28.97,78.92,1011.71,88.5,430.98 +6.11,38.68,1017.53,79.23,482.97 +28.53,49.3,1003.83,59.69,438.17 +31.71,69.04,1008.79,49.32,441.15 +32.45,44.37,1005.05,44.37,429.81 +30.53,73.21,1000.37,74.17,430.2 +15.02,41.48,1015.19,58.69,456.04 +24.91,58.69,1008.22,82.81,435.96 +22.21,69.71,1009.69,96.85,440.14 +24.51,65.12,1016.18,62.39,447.46 +18.9,60.07,1016.02,71.38,451.5 +28.51,76.09,1007.88,78.2,438.28 +27.88,75.23,1011.33,58.91,439.33 +24.33,49.16,1003.46,61.04,441.2 +20.36,57.5,1014.36,82.96,452.28 +11.15,40.64,1020.65,97.95,477.79 +21.16,50.66,1014.13,72.77,455.86 +30.47,70.83,1010.91,46.94,444.39 +31.68,74.16,1011.3,55.94,434.61 +19.8,49.15,1020.88,61.88,461.78 +32.33,67.83,1008.11,57.48,427.84 +18.67,58.46,1016.73,87.7,447.16 +29.42,69.14,1007.32,75.04,437.75 +27.84,71.32,1007.72,79.25,431.37 +22.59,65.06,1014.36,62.44,444.6 +10.38,41.01,1020.8,94.26,465.9 +8.32,39.64,1010.93,78.21,479.69 +30.34,71.25,1000.94,67.29,431.18 +12.38,45.51,1016.15,81.37,470.46 +11.23,43.7,1016,91.75,476.04 +24.19,46.93,1013.4,49.39,446.3 +30.17,75.08,1005.17,55.89,438.89 +28.5,71.32,1002.54,69.35,435.7 +14.78,38.58,1017.02,82.4,460.54 +11.48,41.2,1012.88,90.04,478.34 +9.59,34.69,1027.65,75.32,478.88 +20.42,60.77,1017.65,87.07,447.85 +20.76,58.79,1017.22,78.75,447.07 +13.53,40.71,1023.83,61.59,474.7 +34.4,77.95,1009.83,57.86,430.87 +33.6,74.33,1012.31,35.66,428.62 +6.03,41.17,1019.81,84.2,488.57 +28.62,69.71,1009.67,62.12,437.52 +19.72,44.78,1009.27,39.18,464.54 +11.54,40.77,1022.13,83.5,465.61 +19.39,60.1,1010.28,83.31,452.57 +9.59,37.14,1013.8,72.85,474.74 +12.31,40.64,1020.71,94.6,475.65 +23.61,63.94,1012.9,87.06,441.57 +7.61,39.42,1024.93,74.77,475.55 +18.51,58.46,1017.21,88.1,448.39 +7.53,43.65,1018.58,64.85,479.15 +10.5,52.72,1026.32,85.04,468.01 +24.99,58.79,1016.37,67.16,439.2 +6.15,40.07,1020.2,66.64,494.3 +30.54,67.45,1014.37,32.97,431.35 +13.44,39.39,1012.93,84.29,469.67 +31.27,73.77,1003.27,71.48,430.32 +16.13,39.99,1007.04,80.49,465.25 +30.97,67.69,1005.61,50.88,425.35 +15.37,43.34,1014.84,80.37,460.02 +21.25,66.86,1012.99,60.65,455.72 +14.89,39.82,1013.23,82.49,470.19 +6.65,40.77,1021.79,88.84,482.9 +30.26,72.58,1007,65.51,425.71 +33.71,69.98,1013.09,42.62,431.99 +8.6,40.77,1011.8,89.45,480.82 +29,75.33,1001.6,71.43,432.65 +10.02,41.44,1017.37,77.65,479.63 +28.75,64.69,1007.1,60.37,437.94 +37.11,68.94,1006.23,31.15,429.25 +30.06,67.25,1017.63,53.59,435.02 +30.68,69.68,1012.86,56.56,438.68 +30.08,73.42,1011.17,63.86,434.95 +6.98,40.35,1011.92,94.72,484.19 +29.17,73.17,1009.87,60.97,432.07 +21.93,60.84,1017.8,82.61,443.89 +15.11,43.67,1012.06,91.75,467.82 +25.68,70.17,1001.38,85.89,433.92 +30.44,56.24,1005.19,56.24,429.34 +20.36,65.27,1011.73,70.8,445.67 +26.47,47.43,1009.09,54.94,439.4 +13.9,39.54,1007.01,81.33,471.16 +21.81,60.27,1015.93,91.38,441.85 +9.08,42.49,1010.67,85.35,481.46 +32.31,77.95,1010.15,62.17,430.15 +27.96,73.42,1011.11,71.93,435.93 +9.23,42.44,1014.34,94.2,481.29 +25.66,61.08,1013,71.21,446.05 +19.2,61.27,1020.02,65.53,455.2 +24.81,59.87,1018.56,61.18,444.89 +24.1,60.29,1008.2,61.81,449.79 +28.33,68.14,1004.63,71.21,431.27 +19.53,50.32,1009.71,94.46,449.59 +29.37,74.78,1009.47,55.65,434.2 +24.44,69.84,1005.34,80.37,430.3 +31.35,67.32,1013.74,38.56,439.81 +28.98,62.66,1009.1,52.62,438.45 +21.05,63.09,1016.49,91.23,447.45 +25.03,60.27,1017.9,72.04,438.24 +14.78,54.3,1016.96,68.53,463.75 +25.24,67.45,1013.56,50.91,438.99 +16.7,50.88,1015.11,97.25,456.18 +16.44,53.16,1014.82,75.29,458.49 +25.18,71.98,1006.71,89.86,432.88 +23.51,48.98,1014.63,41.56,454.06 +20.56,64.45,1012.24,53.09,458.97 +26.63,43.77,1011.33,49.3,440.95 +27.4,69.13,1001.4,82.47,426.18 +26.91,65.34,1014.19,50.7,443.6 +23.75,67.9,1006.25,70.17,445.22 +27.79,69.23,1012.86,45.71,435.06 +27.41,63.07,1011.5,55.3,445.02 +7.98,43.52,1022.45,97.68,481.93 +11.98,44.58,1016.45,78.8,477.56 +27.1,73.21,1002.97,89.68,430.87 +12.93,45.51,1015.27,87.27,469.83 +18.91,45.01,1012.9,59.81,456.12 +26.9,66.48,1004.47,54.71,432.95 +14.36,40,1016.16,68.79,460.42 +8.81,43.56,1014.99,81.5,482.52 +18.36,53.16,1013.31,83.18,458.47 +11.48,37.92,1008.47,70.55,472.9 +25.92,73.77,1001.27,94.28,432 +11.01,43.69,1016.7,81.48,477.3 +26.31,66.48,1005.93,63.9,432.89 +9.99,42.07,1018.78,85.68,471.6 +12.84,40.8,1026.95,69.86,475.59 +21.07,67.07,1004.64,86.16,446.05 +17.7,38.52,1020.15,69.8,455.5 +14.36,41.26,1021.16,73.43,462.25 +24,58.05,1011.28,74.32,447.16 +12.17,41.58,1013.89,88.98,463.03 +19.58,50.12,1009.82,100.1,449.44 +25.73,66.54,1010.07,55.97,437.07 +23.85,74.22,1009.99,82.72,441.66 +26.45,73.5,1010.31,74.33,433.44 +20.95,44.89,1010.48,67.97,450.39 +21.29,59.04,1012.49,84.23,445.37 +14.32,71.14,1019.87,79.15,460.02 +19.65,63.91,1009.26,99.08,444.9 +28.09,77.95,1017.07,70.98,436.94 +33.87,71.32,1007.91,39.48,435.89 +13.72,41.62,1011.14,75.79,455.52 +9.47,41.4,1026.49,87.9,479.68 +32.19,69.13,1000.45,48.22,425.21 +18.73,46.48,1007.19,79.23,450.74 +6.09,43.65,1020.95,71.15,485.96 +24.43,67.25,1017.99,74.27,436.5 +25.24,66.54,1002.07,81.22,433.86 +26.26,71.73,1009.59,80.06,430.79 +26.15,64.27,1013.03,59.77,439.11 +7.77,41.82,1032.72,72.8,479.4 +27.92,63.07,1010.75,45.26,442.87 +31.62,64.05,1010.94,58.93,439.09 +12.47,45.01,1017.8,95.25,467.18 +31.41,74.16,1008.65,68.5,430.37 +32.63,74.99,1002.42,40.07,432.79 +21.97,58.12,1014.21,85.93,448.91 +22.68,58.82,1010.11,82.8,443.86 +10.82,44.63,1020.64,90.26,473.23 +32.37,68.67,1005.45,47.98,430.35 +10.89,40.81,1025.82,81.18,478.23 +25.45,70.04,1011.2,82.48,430.2 +10.91,42.34,1021.83,94.99,470.91 +6.75,39.4,1011.28,90.84,483.77 +21.36,45.61,1013.43,83.64,456.85 +23.45,45.61,1012.84,73.42,454.92 +4.04,35.47,1017.51,87.35,486.86 +15.4,38.73,1000.67,79.71,469.18 +25.54,49.16,1003.64,47.4,443.55 +22.61,59.87,1019.12,66.12,441.2 +8.62,39.66,1015.18,89.59,482.99 +13.84,41.26,1020.92,74.74,462.46 +21.31,69.05,1002.46,73.42,440.97 +28.54,58.33,1013.9,49.4,439.28 +20.35,67.45,1015.14,69.22,447.64 +24.54,65.46,1014.27,40.77,446.26 +5.84,40.62,1018.58,82.73,482.1 +26.47,69.51,1009.51,65.02,433.89 +10.79,43.56,1015.15,73.01,479.64 +18.3,44.06,1017.95,63.24,456.32 +28.79,68.51,1013.02,62.84,432.51 +23.07,49.02,1009.07,84.1,444.22 +31.25,74.34,999.06,69.85,432.22 +18.16,39.99,1007.73,70.54,463.69 +25.06,74.33,1014.05,69.02,437.27 +26.71,59.39,1014.24,66.45,439.33 +26.45,75.6,1017.42,74.5,436.89 +18.67,47.83,1005.12,82.97,454.47 +10.29,40,1021.46,90.6,479.58 +5.52,39.33,1009.74,95.25,492.39 +23.41,54.42,1012.86,70.12,454.68 +29.91,74.9,1003.36,69.34,434.93 +19.92,46.97,1014.32,69.17,459.39 +26.85,63.56,1013.25,52.84,444.39 +23.59,58.62,1017.81,66.68,448.09 +22.72,63.73,1012.63,82.14,448.56 +20.3,62.52,1017.96,75.17,451.86 +17,45.09,1013.52,88.32,458.94 +8.89,41.54,1019.27,82.87,483.82 +12.61,41.79,1015.82,91.9,461.37 +28.9,71.94,1007.29,64.77,427.41 +5.49,38.5,1012.18,79.33,490.84 +12.91,42.07,1018.4,86.5,466.05 +9.45,41.4,1027.34,86.66,475.49 +27.47,69.98,1008.53,58.72,431.11 +5.79,39.61,1021.64,85.41,489.6 +21.92,49.02,1009.29,88.56,443.31 +27.07,65.59,1012.14,63.93,442.71 +20.6,66.86,1013.08,62.48,451.44 +30.73,69.89,1015,58.9,426.79 +26.31,48.6,1002.64,60.04,440.06 +19.98,49.15,1021.56,63.89,457.54 +21.31,58.66,1012.67,69.36,451.96 +11.48,44.58,1016.43,80.15,478.53 +23.33,73.18,1012.51,91.29,436.33 +14.05,40.71,1016.36,68.58,465.74 +10.06,34.69,1027.9,71.73,477.68 +6.86,41.17,1020.12,79.14,490.23 +28.87,57.19,1008.09,64.29,435.57 +24.83,62.4,1010.13,70.18,442.2 +10.42,39.96,1025.21,95.69,470.81 +27.51,63.73,1009.97,66.14,440.81 +23.97,68.67,1006.63,76.83,441.53 +27.22,68.3,1016.84,64.88,436.81 +11.54,45,1022.77,80.79,482.34 +21.44,48.98,1014.4,54.22,454.5 +25.1,61.47,1007.84,75.75,447.27 +22.84,61.87,1010.63,51.67,442.72 +26.03,69.68,1011.61,60.75,449.54 +18.9,58.46,1016.74,87.65,449.32 +11.75,42.32,1015.28,77.25,470.44 +27.37,76.09,1007.52,89.12,433.34 +17.73,43.72,1009.33,76.68,453.94 +20.01,56.65,1020.77,74.46,457.01 +7.89,39.37,1016.28,84.66,483.82 +11.53,41.14,1025.63,88.54,469.04 +13.46,41.4,1019.46,71.73,467.4 +13.74,39.35,1014.82,77.48,471.11 +13.77,43.13,1016.63,62.13,468.45 +20.25,59.8,1015.3,82.69,453.81 +10.75,40.81,1015.93,79.27,474.71 +11.77,39.39,1012.9,85.8,478.51 +9.29,39.96,1026.2,97.55,473.51 +15.15,41.35,1006.3,86.16,468.64 +16.96,44.9,1020.5,77.53,458.1 +27.01,65.06,1013.16,53.02,439.81 +12.74,44.03,1007.62,97.64,463.96 +5.21,43.65,1017.64,78.62,486.08 +8.18,40.02,1031.45,73.66,478.81 +20.13,60.07,1014.79,63.57,453.49 +31.54,67.32,1013.79,36.99,433.02 +19.79,64.45,1016.14,73.54,451.37 +14.96,43.02,1012.77,42.93,467.16 +9,40.78,1025.39,99.22,468.5 +16.47,38.01,1022.3,72.29,461.54 +16,45.09,1014.31,60.02,458.46 +25.42,73.17,1012.29,85.86,437.06 +9.27,39.64,1010.79,79.56,480.29 +6.85,37.49,1011.01,84.53,483.12 +30.49,64.44,1013.43,51.73,438.09 +4.81,42.85,1013.96,86.94,479.8 +29.93,69.48,1009.21,54.59,430.75 +21.93,60.84,1018.96,76.8,440.76 +13.35,41.44,1015.9,66.04,473.17 +32.44,77.95,1014.83,50.69,434.97 +11.8,43.22,1008.57,78.01,469.55 +24.4,60.32,1016.5,70.96,447.73 +21.92,58.79,1010.09,89.7,446.71 +8.27,37.7,1015.09,73.64,479.16 +7,36.24,1013.15,89.64,483.06 +20.74,59.8,1015.46,76.39,452.99 +12.58,43.67,1014.36,91.72,473.02 +24.22,62.08,1022.53,60.79,449.11 +18.43,44.63,1019.76,39.99,458.75 +12.52,71.14,1019.49,76.11,463.22 +19.18,50.12,1005.99,100.09,444.56 +13.51,44.9,1019.29,77.24,464.86 +26.38,70.47,1007.36,76.91,434.02 +11.65,41.54,1020.09,67.96,476.4 +10.31,37.5,1008.55,99.31,474.16 +15.37,50.59,1019.02,98.2,463.35 +29.89,65.74,1012.95,51.36,438.24 +31.53,70.36,1006.29,57.11,438.71 +6.25,39.48,1004.82,52.71,484.26 +29.09,70.02,1010.13,48.06,443.27 +12,41.5,1013.21,86.75,473.68 +18.61,47.83,1006.43,78.89,454.21 +16.34,36.99,1006.99,90.06,466.24 +28.12,58.33,1013.61,39.67,448.72 +12.64,41.26,1020.79,83.66,465.78 +26.1,62.91,1012.44,60.91,446.05 +8.07,43.41,1016.02,76.26,467.56 +27.5,68.24,1010.38,73.44,430.9 +28.44,77.54,1011.73,77.3,433.21 +28.31,71.85,1009,77.56,429.57 +22.72,64.15,1021.14,60.34,453.13 +22.79,44.57,1007.31,69.36,448.91 +17.08,40.12,1012.17,81.5,457.81 +15.6,41.04,1025.48,64.43,457.49 +22.07,48.41,1008.71,81.29,444.01 +24.16,66.05,1016.45,73.27,443.75 +14.93,39.16,1007.25,72.35,463.2 +11.99,38.28,1013.65,91.31,469.23 +16.85,52.9,1019.47,81.28,460.84 +24.82,66.54,1010,60.36,440.88 +21.67,69.71,1010.46,96.83,440.16 +18.06,43.14,1013.95,62.21,461.27 +30.05,66.44,1008.46,76.82,427.55 +18.36,62.1,1019.9,79.09,453.5 +32.02,67.83,1007.77,53.31,426.55 +24.61,62.39,1006.39,79.08,437.01 +8.41,39.16,1015.47,93.42,484.34 +8.94,36.71,1025.5,80.45,477.62 +22.57,63.94,1013.49,81.61,443.58 +9.92,40.64,1020.39,95.41,469.65 +26.51,50.05,1006.75,65.34,440.22 +24.93,47.01,1015.12,64.8,455.39 +24.43,58.95,1017.18,57.73,441.4 +12.28,39.96,1011.76,77.07,468 +9.75,35.76,1019.88,62.31,474.31 +10.94,40.81,1026.03,80.79,476.32 +25.37,68.31,1011.12,70.99,441.76 +23.82,60.32,1016.61,75.29,445 +9.26,40.11,1024.38,74.82,460.72 +24.57,66.54,1004.44,83.15,432.41 +29.55,72.29,1007.94,84.45,430.98 +27.37,63.31,1012.89,60.11,439.15 +11.83,38.25,1013.36,85.33,473.31 +22.32,70.47,1010.97,83.16,441.87 +5.8,45.87,1009.14,92.06,481.6 +25.41,69.14,1006.4,87.4,436.59 +24.89,66.49,1010.15,65.65,436.39 +18.12,50.16,1009.82,100.09,453.29 +28.14,61.47,1009.69,64.66,435.35 +12,41.17,1019.48,58.71,474.4 +15.62,35.4,1016.19,53.95,467.95 +11.29,35.76,1019.32,58.91,473.74 +17.99,50.16,1009.98,100.09,451.38 +4.87,42.85,1013.6,92.3,482.22 +19.25,43.43,1012.01,73.26,451.08 +11.74,40.6,1013.91,90.57,473.84 +13.43,43.69,1016.21,73.01,475.36 +25.33,71.32,1007.05,85.31,434.68 +19.26,44.34,1019.45,51.32,467.72 +17.89,40.12,1011.99,76.52,451.79 +30.57,58.9,1004.54,54.37,438.49 +7.45,43.13,1019.31,86.32,485.6 +24.03,66.54,1012.19,69.15,438.08 +8.03,40.07,1016.06,47.46,488.02 +28.06,70.04,1009.89,66.07,431.7 +10.06,39.61,1018.22,70.22,471.86 +9.68,40.77,1022.04,85.23,473.73 +26.38,69.88,1008.42,86.25,432.25 +10.84,39.18,1023.64,87.1,474.49 +7.05,40.69,1020.53,89.67,476.75 +13.34,41.79,1011.48,86.66,461.12 +24.39,63.77,1013.3,77.53,443.65 +24.26,69.71,1008.98,81.58,438.6 +8.23,41.01,1022.89,98.03,474.52 +13.15,40.78,1024.13,79.59,462.3 +31.35,71.97,1008.29,72.26,430.16 +22.88,65.48,1017.33,66.26,447.14 +25.44,56.57,1013.8,66.72,444.61 +27.79,71.85,1008.95,87.35,427.67 +21.99,57.5,1015.87,80.72,446.96 +13.35,40.27,1005.83,49.75,474.68 +28.63,66.56,1005.88,64.73,427.35 +12.78,44.6,1013.64,77.56,468.67 +8.37,40.92,1021.82,86.03,476.02 +11.93,38.78,1013.15,96.08,474.57 +21.03,63.86,1014.84,71.72,450.64 +27.2,65.12,1016.2,44.95,442.54 +26.93,75.23,1010.19,62.12,434.1 +12.76,42.32,1015.35,78.18,466.15 +8.55,35.77,1016.15,73.32,481.44 +14.66,40.89,1009.72,91.56,465.73 +10.36,37.83,1005.87,98.56,472.62 +21.54,66.54,1004.99,92.87,440.8 +14.02,41.78,1011.26,48.62,465.87 +12.35,40.8,1027.35,72.69,476.88 +25.89,58.86,1014.16,52.95,445.17 +22.05,61.27,1019.6,58.83,447.95 +32.06,71.85,1007.9,56.44,426.07 +24.55,57.5,1015.36,62.45,447.3 +27.23,71.77,1006.59,77.94,427.39 +24.29,57.5,1014.85,67.28,449.98 +30.4,77.3,1002.44,59.42,438.43 +26.5,66.75,1018.48,61.62,431.23 +10.42,41.26,1008.48,96.76,472.54 +15.79,44.89,1010.19,84.61,458.09 +15.79,49.15,1020.62,76.22,465.62 +30.3,73.67,1005.57,58.74,431.57 +25.58,64.45,1011.07,61.47,447.16 +12.36,48.04,1012.8,93.59,468.37 +10.56,40.22,1005.08,89.71,478.02 +30.01,69.13,1010.11,62.42,425.75 +14.91,40.73,1017.44,86.91,458.99 +15.9,41.35,1006.28,78.2,464.03 +8.91,43.52,1022.78,98,478.38 +26.88,61.5,1009.17,61.26,440.13 +14.78,42.86,1015.32,84.75,471.17 +30.95,71.58,1009.95,50.02,430.47 +17.9,58.33,1013.6,85.81,452.28 +13.96,39.54,1011.05,85.72,468.82 +29.85,71.58,1010.04,58.66,432.26 +14.07,40.78,1024.67,72.66,456.71 +25.26,52.3,1006.65,64.64,442.76 +10.07,40.92,1021.84,84.18,471.71 +15.66,43.99,1021.18,88.62,467.57 +6.25,40.02,1032.14,80.22,481.38 +27.71,69.51,1009.65,58.38,435.04 +12.75,42.34,1018.17,94.67,465.44 +21.44,51.19,1009.1,84.94,446.17 +32.98,73.88,1006.31,47.55,440.28 +27.54,74.22,1007.44,75.91,430.72 +11.68,40.55,1006.48,96.16,474.8 +8.02,39.04,1018.49,68.07,479.53 +19.15,44.34,1019.54,48.09,468.8 +18.53,63.91,1010.26,97.8,440.64 +30.82,76.2,1007.47,59.3,432.22 +22.9,67.25,1017.74,74.53,438.62 +22.18,62.39,1007.84,85.74,452.31 +3.69,38.44,1016.74,82.87,490.78 +19.89,44.9,1008.12,67.3,453.09 +23.36,65.18,1012.35,78.09,436.39 +13.58,44.47,1029.91,70.41,467.15 +25.88,61.47,1007.93,68.71,445.65 +6.57,39.37,1020.2,77.37,487.94 +10.51,37.5,1010.7,96.29,474.24 +26.14,72.99,1007.49,81.72,433.25 +13.31,41.26,1020.83,79.55,462.87 +14.01,42.99,1007.12,69.69,469.23 +8.64,34.69,1026.79,80.88,482.15 +24.88,73.17,1012.26,84.96,434.85 +23.28,69.51,1013.31,53,444.17 +25.6,58.46,1016.34,66.6,441.88 +27,73.17,1009.82,64.43,434.94 +25.69,62.26,1011.38,74.08,436.36 +20.77,60.1,1011.11,81.09,450.32 +12.45,40.81,1025.63,66.26,474.73 +27.32,66.54,1004.95,72.58,431.33 +25.51,67.69,1004.53,80.03,433.02 +17.45,49.64,1026.4,66.67,454.67 +24.4,60.37,1006.77,82.43,440.64 +18.98,38.52,1018.85,63.16,454.6 +9.48,44.68,1023.29,92.9,478.66 +12.04,41.58,1018.02,88.91,464.45 +26.11,47.43,1009.01,56.09,445.36 +25.28,71.94,1006.73,86.69,432.26 +27.46,61.86,1012.39,66.09,439.72 +12.42,40.24,1016.59,90.01,469.59 +32.49,74.99,1002.19,34.58,435.43 +26.16,52.36,1013.62,58.52,453.08 +23.39,61.87,1010.35,48.91,444.03 +21.12,49.15,1021.29,52.9,456.92 +19.94,65.46,1017.7,68.94,448.67 +26.15,63.21,1012.31,76.44,441.23 +13.93,38.91,1013.04,73.51,470.39 +12.87,45.51,1015.3,86.67,475.77 +28.29,68.08,1010.77,53.92,430.93 +7.78,39.18,1024.62,85.15,484.65 +21.11,58.12,1015.38,77.78,453.28 +23.97,64.05,1012.23,90.18,447.44 +25.71,66.05,1018.58,66.23,444.35 +24.7,50.23,1016.23,62.03,454.42 +10.32,38.91,1012.11,81.49,479.17 +11.46,39.82,1012.09,86.2,477.99 +10.53,41.26,1007.48,98.74,475.96 +21.91,58.62,1015.95,72.87,450.23 +25.35,65.18,1012.67,70.36,438.17 +22.77,59.92,1009.67,94.09,437.9 +22.28,59.92,1009.36,95.38,437.85 +18.94,47.83,1005.18,78.59,455.19 +6.92,41.26,1011.16,96.2,483.61 +23.07,65.46,1014.07,46.77,446.19 +13.89,43.7,1015.12,64.99,470.88 +14.13,53.82,1016.72,64.85,467.08 +7.4,40.72,1022.56,87.67,484.29 +6.17,36.25,1028.68,90.59,483.77 +10.8,41.62,1012.84,93.84,462.84 +32.77,72.86,1003.6,52.87,433.84 +29.56,70.4,1006.49,82.95,432.85 +31.05,62.7,1009.35,55.27,441.67 +8.85,41.06,1020.99,86.05,486.4 +31.15,69.59,1007.82,64.96,431.37 +28.18,66.56,1005.69,65.67,426.79 +10.24,41.17,1019.73,82.04,479.78 +28.38,72.39,998.93,73.85,432.02 +15.46,44.88,1017.52,93.32,461.2 +19.97,59.14,1016.05,70.58,450.06 +28.36,68.08,1013.34,42.82,434.54 +15.09,44.34,1019.46,60.49,468.8 +10.72,40.81,1016.51,80.26,474.64 +16.37,52.9,1015.14,73.11,461.15 +24.66,57.43,1013.17,71.82,445.41 +26.44,54.2,1012.65,48.02,444.78 +6.3,41.14,1027.45,86.11,481.49 +23.56,49.16,1002.54,69.07,443.02 +8.73,39.42,1025.63,69.87,474.44 +14.49,42.86,1013.94,88.2,468.4 +20.26,50.32,1009.81,93.12,448.4 +13.56,40.8,1024.8,63.6,475.89 +29.01,70.04,1010.02,57.35,430.26 +19.78,54.42,1011.74,89.34,456.84 +19.24,56.89,1014.29,72.97,452.64 +8.36,40.71,1026.34,82.76,487.79 +27.08,66.05,1017.91,59.1,441.16 +9.3,43.14,1010.99,88.12,477.02 +6.29,43.65,1020.68,70.14,485.8 +21.33,60.1,1010.97,78.36,451.95 +14.55,40.73,1018.36,89.12,458.82 +24.54,44.89,1010.05,59.13,445.11 +24.28,71.98,1006.34,90.45,432.47 +23.45,69.04,1010.5,80.77,442.48 +5.62,40.62,1015.81,85.34,483.13 +20.82,57.76,1019.15,72.46,454.62 +6.06,43.65,1014.36,83.94,480.74 +21.24,44.3,1014.34,83.39,444 +18.32,66.86,1012.02,70,454.46 +9.44,40,1015.62,81.16,471.32 +17.36,43.96,1013.02,79.59,466.36 +26.95,70.79,1004.09,75.35,430.07 +21,66.86,1013.06,59.7,451.89 +29.36,78.05,1011.12,64.17,434.29 +14.84,41.23,995.02,88,464.85 +27.21,67.45,1013.83,43.26,436.47 +25.44,75.23,1010.71,66.44,436.67 +30.84,66.75,1017.54,40.69,432.03 +20.55,65.46,1013.87,58.09,448.83 +12.27,49.83,1007.75,92.02,467.1 +24.49,65.59,1011.52,85.12,441.8 +26.65,74.16,1008.27,94.54,431.47 +21.46,58.18,1007.45,95.33,444.12 +27.24,71.25,1000.5,86.28,430.94 +19.86,41.67,1012.31,53.9,462.86 +34.48,74.34,1000.91,42.61,433.94 +25.16,60.23,1011.21,68.31,444.98 +18.93,59.39,1013.92,68.78,450.14 +10.55,41.26,1007.77,99.1,473.6 +21.86,63.09,1016.64,87.94,442.79 +25.57,62.96,1019.92,58.34,444.81 +13.73,50.59,1020.44,85.54,459.6 +14.26,44.47,1028.11,66.81,465.22 +31.28,69.51,1010.09,36.85,429.29 +27.08,66.05,1017.33,54.68,439.47 +11.87,44.6,1018.81,84.68,468.47 +31.92,68.3,1015.58,41.55,430.07 +25.42,75.6,1017.39,77.63,438.24 +26.08,48.6,1003.61,57.8,438.61 +16.88,43.67,1011.43,73.98,463.81 +27.75,69.89,1015.41,73.01,430.33 +27.37,71.06,1008.4,87.52,432.14 +22.74,58.41,1013.92,84.03,447.85 +27.17,73.5,1010.36,73.29,435.22 +18.99,56.65,1020.46,77.16,457.55 +27.19,71.32,1008.97,88.43,437.92 +27.46,67.69,1004.7,70.15,432.64 +16.66,41.16,1007.37,76.82,463.39 +26.39,66.05,1018.24,61.27,442.22 +14.31,42.86,1031.14,69.6,465.36 +12.1,41.58,1014.41,90.22,462.28 +11.56,39.28,1011.27,82.05,477.71 +10.34,41.74,1020.07,79.17,480.84 +20.76,59.21,1017.94,80.84,447.67 +12.09,38.25,1013.61,81.28,469.29 +7.68,38.06,1020.92,83.87,483.8 +22.78,58.96,1013.65,57.06,452.03 +15.42,40.56,1021.23,59.37,469.33 +21.08,46.93,1014.49,63.33,453.87 +7.25,41.14,1024.99,95.85,477.45 +28.25,66.54,1011.02,43.77,439.67 +29.82,43.21,1011.52,63.54,433.31 +14.55,41.7,1018.58,80.8,454.14 +21.88,69.71,1010.28,97.64,444.39 +31.07,70.98,1007.24,72.03,432.96 +23.08,64.44,1014.85,69.95,448.61 +19.95,57.25,1011.08,88.04,453.03 +21.89,63.94,1019.55,55.09,447.74 +30.11,70.8,1008.57,69.25,432.33 +15.1,41.35,1003.84,97.89,466.14 +16.59,43.56,1012.88,59.61,465.03 +14.71,44,1024.98,85.08,462.87 +18.15,41.23,993.82,61.21,456.32 +12.24,34.03,1018.44,69.27,474.18 +7.71,38.06,1021,83.47,482.78 +28.15,72.99,1007.62,70.03,431.83 +25.11,56.89,1013.33,67.31,441.51 +26.82,69.23,1013.28,50.86,436.36 +20.58,54.5,1015.04,89.83,467.76 +25.04,66.48,1004.12,63.01,433.83 +29.56,51.43,1005.87,59.22,437.93 +18.92,44.06,1017.47,68.75,453.72 +14.72,41.23,997.91,82.69,467.11 +22.76,57.5,1014.75,74.38,451.7 +25.74,63.73,1010.88,70.87,441.9 +10.34,37.5,1010.35,95.56,474.08 +14.64,44.92,1025.54,91.12,462.64 +9.41,34.69,1027.02,78.91,480.87 +4.96,45.87,1007.32,98.78,481.88 +32.73,69.88,1007.86,46.95,434.32 +9.11,36.66,1026.47,74.79,480.74 +21.52,46.21,1010.62,67.62,449.08 +19.39,51.43,1011.06,94.35,456.25 +26.99,68.12,1011.45,58.48,436.95 +30.68,71.8,1010.81,61.4,435.4 +31.23,75.08,1004.93,46.19,439.14 +14.24,39.99,1009.3,83.75,466.2 +9.31,43.56,1015.09,79.96,482.55 +16.1,36.71,1013.58,74.41,471.46 +21.33,50.32,1008.58,85.3,442.44 +17.4,43.14,1018.51,75.31,457.59 +10.59,25.36,1009.59,100.16,470.96 +29.42,74.9,1004.11,64.53,434.66 +18.48,50.16,1011.45,99.92,452.06 +26.91,70.47,1007.55,72.59,434.24 +9.59,38.91,1011.87,81.3,479.96 +25.01,68.63,1013.76,43.65,447.12 +22.71,59.43,1005.68,83.52,441.24 +26.55,60.23,1009.88,79.54,438.95 +13.78,42.03,1017.51,84.94,467.6 +28.32,71.64,1004.73,72.71,436.31 +23.49,73.18,1012.4,90.05,437.01 +22.76,49.21,1014.35,48.85,448.73 +24.96,60.84,1018.13,59.51,442.36 +20.31,45.87,1007.89,73.7,449.54 +14.57,44.84,1023.46,87.2,464.58 +27.17,61.02,1011.38,65.32,437.06 +18.96,47.83,1006.15,75.61,454.35 +29.23,68.14,1004.31,81.46,428.87 +16.49,41.93,1022.92,44.98,467.48 +20.08,44.6,1014.91,36.27,461.07 +31.41,64.44,1013.84,49.49,439.3 +12.12,40,1018.72,84.42,462.1 +25.32,54.5,1015.5,68.17,451.52 +20.21,69.94,1009.33,83.96,447.06 +10.67,45,1022.99,85.91,481.83 +22.44,58.16,1017.28,63.68,452.71 +17.81,45,1022.32,43.84,471 +20.85,48.7,1007.11,87.2,449.57 +18.34,62.1,1020.52,78.6,453.01 +29.6,71.14,1011.46,52.69,430.55 +9.68,38.16,1015.54,79.67,475.51 +28.69,73.18,1012.23,68.57,431.36 +24.47,57.85,1013.05,66.34,445.37 +19.6,48.14,1013.18,68.71,456.57 +17.57,62.1,1019.51,86.14,453.3 +26.21,56.85,1011.45,41.37,439.55 +8.68,41.82,1032.83,73.62,478.61 +24.94,62.96,1019.76,58.44,443.48 +20.58,50.78,1008.87,91.18,445.03 +17.79,40.12,1012.74,79.03,459.13 +22.71,48.06,1012.82,67.81,445.1 +25.53,59.57,1010.65,82.04,445.59 +26.7,49.02,1007.68,67.97,438.92 +27.43,63.87,1017.6,43.33,442.71 +30.26,71.77,1006.24,58.98,429.27 +29.08,67.07,1005.73,57.18,435.57 +22.64,62.44,1011.82,75.07,448.13 +23.75,68.51,1013.21,76.01,441.61 +15.6,43.71,1024.88,80.37,463.34 +28.55,66.51,1015.46,34.04,432.59 +29.86,59.57,1011.24,64.02,439.44 +15.63,37.87,1020.4,74.77,465.28 +7.79,42.03,1017.74,91.48,477.26 +30.06,69.14,1007.5,72.48,436.89 +10.12,38.38,1018.22,85.93,477.73 +10.86,44.85,1014.15,88.36,476.87 +26.37,70.79,1005.31,77.3,428.5 +23.05,65.94,1010.99,69.73,442.39 +25.89,48.41,1008.59,65.38,442.12 +22.77,69.84,1005.75,84.26,436.75 +21.5,44.58,1016.87,57.58,460.2 +11.01,40.22,1011.13,83.09,476.69 +13.53,42.86,1014,90.63,471.73 +25.91,75.6,1018.23,62.65,443.2 +13.93,42.86,1032.37,71.11,468.88 +9.96,41.55,1002.59,65.86,475.91 +18.25,60.1,1009.72,90.15,456.25 +22.59,66.54,1005.11,92.62,436.69 +24.99,48.92,1010.03,41.26,443.12 +23.78,58.86,1015.7,62.95,443.79 +10.31,42.49,1009.43,78.36,479.64 +15.25,52.9,1014.86,76.87,463.93 +22.49,61.27,1019.6,57.1,448.51 +14.04,44.21,1021.93,86.12,468.64 +20.65,48.41,1008.38,91.02,447.35 +24.79,75.6,1017.07,68.23,440.05 +19.7,54.42,1011.83,89.86,450.48 +15.48,41.66,1009.55,66.74,467.06 +11.09,41.58,1020.99,91.09,464.81 +27.22,69.04,1008.89,70.62,440.85 +26.64,62.44,1011.81,72.46,438.67 +15.21,35.4,1016.31,58.26,468.18 +31.85,73.21,1000.98,72.2,435.94 +12.54,41.62,1010.86,83.42,461.08 +14.17,42.99,1007.38,78.88,470.68 +11.48,41.14,1027.67,90.5,464.07 +14.87,41.2,1016.27,70.51,467.01 +29.5,72.86,1004.63,52.17,439.43 +25.77,63.31,1012.76,65.98,439.98 +25.99,71.32,1007.17,83.23,432.41 +18.8,44.71,1016.56,31.29,459.85 +21.23,61.5,1008.98,82.14,450.92 +25.09,65.38,1009.99,54.28,453.58 +23.54,70.32,1010.89,80.76,434.45 +13.71,43.41,1015.45,69.26,466.06 +12.6,40.35,1011.89,80.88,475.42 +21.19,52.3,1008.24,79.19,447.06 +25.21,51.43,1006.43,78.55,439.01 +25.87,63.47,1011.54,65.45,445.87 +29.48,73.21,1000.67,79.35,433.53 +11.62,41.54,1019.94,66.43,477.75 +14.57,25.88,1008.92,69.16,464.11 +9.73,41.01,1021.76,97.71,469.11 +24.25,50.78,1008.82,60.55,443.8 +19.44,60.07,1014.8,69.06,452.89 +13.32,44.2,1020.02,78.78,465.57 +30.57,69.82,1009.86,52.94,437.62 +26.88,79.74,1006.54,93.7,434.77 +13.93,40.24,1017.88,88.35,469.25 +28.56,65.27,1013.28,49.95,437.45 +27.26,66.56,1007.83,60.95,434.88 +12.68,41.16,1020.09,83.32,464.93 +17.03,58.49,1011.91,92.16,460.48 +16.66,36.71,1013.68,70.66,466.07 +14.07,42.86,1032.16,71.53,467.47 +12.41,45.87,1004.78,80.02,468.14 +6.06,41.17,1019.67,84.7,489.62 +7.79,41.16,1023.17,97.11,471.82 +26.8,72.58,1009.22,89.03,431.18 +14.68,58.2,1018.5,83.3,458.51 +27.3,56.85,1011.66,36.09,440.01 +8.99,36.3,1027.08,73.98,478.95 +21.39,51.3,1013.39,89.05,452.7 +27.37,76.2,1006.03,67.07,435.64 +25.02,50.78,1008.79,63.06,444.7 +6.8,41.16,1023.17,95.4,477.8 +11.01,40.05,1015.46,89.22,474.2 +27.91,64.79,1017.7,48.29,440.53 +16.52,42.24,1017.51,67.65,469.13 +29.23,69.59,1009,71.41,437.95 +25.91,68.08,1010.92,74.25,432.07 +15.55,40.66,1016.21,88.5,457.53 +32.67,67.83,1007.81,42.16,425.75 +11.1,40.92,1021.98,94.14,462.07 +21.89,45.38,1014.42,68.95,459.45 +32.48,69.75,1009.05,40.47,438.17 +9.99,43.52,1022.95,99.67,473.64 +18.87,62.96,1020.55,82.87,455.22 +20.77,52.05,1012.22,45.61,455.02 +6.61,38.68,1017.5,63.88,483.88 +31.53,70.94,1007.11,50.04,431.84 +12.93,43.13,1014.91,55.7,474.88 +12.38,43.52,1022.98,100,467.55 +32.2,69.68,1012.12,42.47,437.35 +7.65,40.67,1020.14,72.37,491.1 +15.51,36.71,1014.05,72.92,465.85 +13.26,41.74,1021.89,63.32,473.44 +21.16,78.11,1006.73,78.11,435.71 +21.61,64.63,1020.86,69.73,451.02 +13.95,41.49,1019.95,86.46,465.24 +27.97,68.31,1010.64,55.91,443.34 +26.63,64.44,1012.66,61.19,442 +24.2,63.21,1012.25,79.86,449.03 +8.23,43.79,1016.11,82.11,484.67 +21.06,62.91,1011.92,75.52,455.22 +16.02,44.9,1009.3,82.62,455.48 +23.15,66.48,1003.71,76,435.62 +24.44,69.13,1011.1,87.62,434.34 +26.19,49.3,1003.69,65.88,440.13 +20.09,63.94,1020.82,74.16,449.47 +26.71,70.4,1007.59,82.63,432.64 +10.63,37.5,1008.93,98.14,474.81 +26.14,71.98,1005.98,82.45,428.91 +25.9,59.54,1007.3,78.38,439.36 +15.93,52.75,1024.57,58.71,457.92 +13.09,43.02,1013.17,46.73,470.14 +21.47,60.77,1018.06,85.73,444.02 +13.57,42.99,1007.51,88.95,472.04 +22.32,64.27,1014.35,82.98,446.62 +22.08,41.54,1014.21,73.73,458.74 +32.13,74.34,1003.34,56.39,436.3 +18.32,42.28,1007.86,45.62,460.27 +10.18,35.76,1019.71,66.7,473.31 +23.07,69.23,1011.78,76.06,437.08 +15.16,50.88,1013.88,100.11,460.03 +12.24,41.2,1012.48,89.85,473.22 +31.04,68.31,1010.54,42.74,441.56 +32.34,74.99,1002.77,42.83,433.07 +13.97,45.01,1017.44,89.15,461.96 +26.24,51.43,1011.32,59.52,447.91 +13.82,41.62,1011.48,77.66,454.88 +9.55,39.66,1018.8,74.88,480.74 +16.9,54.3,1017.97,60.57,460.57 +24.47,58.05,1011.27,71.7,446.93 +11.6,40.69,1015.51,86.55,474.99 +21.47,65.61,1015.92,76.22,447.42 +4.15,39.9,1007.62,95.69,489.8 +26.45,71.37,1008,77.06,438.36 +33.6,77.17,1009.01,47.53,430.32 +16.2,38.73,1002.14,75.03,467.89 +23.73,63.94,1010.7,87.1,441.78 +27.45,66.25,1009.3,77.58,437.37 +33.42,68.51,1011.91,45.83,427.66 +28.91,70.72,1009.7,67.5,439.94 +26.51,67.25,1017.85,64.17,435.52 +5.66,40,1022.08,93.03,475.54 +17.99,50.59,1015.9,77.28,462.2 +10.77,41.46,1021.42,87.18,479.22 +10.03,41.79,1020.35,66.42,475.42 +8.69,40.81,1026.19,86.25,484.55 +17.67,43.96,1011.68,82.13,466.31 +9.98,41.01,1017.83,98.07,466.05 +31.87,70.94,1006.94,50.78,429.41 +15.74,43.34,1013.38,81.45,463.24 +22.49,62.96,1020.21,78.99,447.48 +32.21,70.94,1006.76,47.56,430.06 +25.4,69.59,1008.58,82.22,432.58 +10.87,42.02,1002.08,95.22,472.63 +23.55,51.95,1006,76.46,449.54 +27.29,67.32,1013.92,33.41,437.26 +19.36,68.61,1010.85,94.87,454.5 +10.2,41.01,1021.39,96.64,468.27 +11.03,44.78,1013.16,83.85,470.17 +8.97,44.03,1013.16,80.39,474.61 +8.48,36.18,1013.31,75.15,480.63 +26.56,56.57,1013.73,63.9,442.74 +30.65,71.06,1008.61,76.76,432.08 +6.44,39.33,1011.8,93.5,490.57 +21.6,43.43,1010.28,61.87,446.4 +19.46,42.04,1011.3,60.45,466.24 +12.19,40.05,1014.65,85.1,472.68 +23.92,63.21,1012.52,86.51,445.26 +27.11,66.49,1013.71,39.28,435.79 +23.73,61.02,1009.71,78.7,442.22 +28.36,60.23,1010.05,53.03,441.08 +24.38,60.84,1017.85,62.23,440.85 +23.07,57.17,1009.84,76.8,444.08 +15.07,50.88,1014.33,100.12,464.37 +29.58,66.51,1015.57,32.95,435.47 +25.39,70.36,1006.76,73.62,436.5 +14.79,47.83,1007.27,92.04,463.22 +10.61,40.77,1022.09,83.62,471.26 +19.12,44.85,1014.66,43.66,463.71 +20.23,69.45,1013,89.79,445.82 +29.03,43.21,1011.83,65.23,434.11 +15.72,43.02,1011.98,45.74,466.33 +20.72,68.61,1011.25,87.1,447.89 +17.54,58.49,1012.35,91.56,453.02 +27.71,72.99,1007.18,72.68,433.01 +6.4,41.17,1019.54,85.37,488.82 +24.49,65.06,1014.07,63.32,441.4 +15.98,44.68,1018.48,85.94,462.77 +28.85,71.32,1009.09,76.9,435.13 +21.23,57.32,1010.99,75.17,443.87 +27.78,73.56,1007.05,95.32,436.5 +25.27,69.89,1015.21,79.33,436.33 +30.46,66.75,1017.81,54.48,432.45 +26.13,47.93,1002.81,66.19,441.28 +25.95,59.14,1016.42,67.03,438.46 +13.66,40.55,1005.46,96.02,467.7 +17.79,45.01,1015.71,67.13,454.4 +20.1,59.87,1018.97,87.23,444.71 +23.21,62.44,1011.78,76.66,442.47 +29.23,66.51,1011.11,53.12,439.61 +20.16,60.1,1011.24,86.23,453.36 +24.21,71.77,1004.52,84.96,433.42 +26.13,57.32,1012.27,45.78,441.6 +19.07,49.69,1007.22,76.79,453.09 +9.68,41.06,1022.75,87.44,476.67 +16.18,43.99,1021.97,80.96,460.81 +11.57,39.72,1002.26,78.69,474.72 +23.24,68.31,1009.71,80.8,440.78 +5.02,40.64,1021.2,93.27,485.28 +22.27,50.05,1007.1,89.34,442.24 +34.51,73.03,1013.73,39.42,439.8 +2.71,39.42,1026.66,81.11,489.3 +12.93,36.71,1013.22,83.44,472.42 +28.75,57.55,1004.77,57.55,435.33 +10.03,42.02,998.6,99.9,471.07 +13.33,39.39,1013.93,84.74,471.23 +23.29,49.3,1003.88,74.12,442.11 +9.43,41.4,1028.81,85.83,475.8 +24.97,59.87,1018.7,59.94,443.7 +8.95,38.56,1017.85,64.34,475.43 +10.59,37.5,1013.14,81.56,471.38 +29.33,64.84,1010.76,53.32,443.15 +11.42,41.54,1020.21,71.57,477.5 +27.66,69.75,1009.71,84.27,439.18 +13.45,45.87,1008.73,87.06,464.88 +27.76,65.59,1010.8,67.29,439.03 +23.96,58.33,1013.37,59.97,446.01 +13.04,45.09,1013,87.68,467.44 +8.91,40.69,1015.11,89.65,481.59 +24.22,49.82,1014.61,66.82,452.2 +29.71,71.85,1008.81,70.86,428.49 +21.96,69.94,1011.09,80.27,441.15 +26.85,66.86,1006.78,69.4,438.26 +22.91,68.63,1014.92,55.82,448.01 +28.37,63.31,1013.18,49.02,437.64 +9.04,40.11,1023.3,76.32,473.57 +28.23,62.26,1010.88,60.86,435.76 +28.84,74.9,1004.38,66.86,436.42 +31.25,73.5,1010.81,45.2,432.25 +13.04,40.69,1015.96,82.37,473.49 +17.48,52.9,1020.03,76.47,458.34 +26.78,73.06,1007.99,90.47,433.25 +20.51,68.08,1012.73,78.05,445.96 +19.8,67.71,1005.58,69.65,446.03 +14.39,42.77,1017.36,83.28,463.65 +26.35,59.87,1013.24,73.63,447.26 +7.87,43.02,1014.67,83.58,485.61 +27.56,65.59,1010.88,66.47,439.64 +33.76,68.51,1011.33,38.35,429.83 +23.74,62.96,1019.65,63.39,449.48 +16.68,53.16,1014.32,78.02,456.29 +13.58,39.28,1016.17,79.17,472.17 +21.99,42.48,1011.77,74.04,456.65 +23.68,59.27,1010.75,83.82,440.44 +16.73,54.3,1017.96,59.44,460.54 +11.12,44.92,1025.58,93.52,470.82 +10.45,39.61,1020.23,73.39,477.41 +6.38,40.07,1018.53,60.2,492.96 +5.19,40.78,1025.24,95.07,482.46 +14.66,47.83,1006.15,91.98,461.46 +23.49,49.3,1003.35,77.96,442.76 +24.31,65.34,1013.82,63.85,449.88 +16.57,41.79,1005.82,72.25,452.84 +14.43,44.84,1024.34,84,467.45 +15.34,71.14,1019.79,77.56,457.1 +9.75,52.72,1026.03,78.53,473.41 +26.05,58.59,1012.32,49.83,452.41 +10.5,40.8,1024.06,76.05,482.85 +9.87,42.74,1024.61,87.74,470.9 +24.31,65.94,1011.5,61.61,442.69 +24.67,58.05,1011.31,69.95,444.57 +24.18,66.48,1004,64.86,434.5 +27.53,67.83,1009.4,53.73,429.05 +15.21,52.75,1024.32,61.11,458.84 +31.16,64.96,1001.71,44.85,425.82 +20.15,65.59,1014.62,79.39,449.84 +17.51,58.86,1016.78,83.63,453.2 +25.56,60.32,1016.28,59.84,445.01 +8.51,40.81,1015.54,83.16,481.02 +8.96,40.05,1015.91,89.4,467.24 +27.14,71.32,1007.8,87.99,431.96 +29.23,75.6,1017.72,52.26,438.92 +28.97,64.44,1014.55,54.67,438.08 +5.21,41.31,1003.51,91.23,486.46 +13.69,40.1,1014.38,83.57,470.76 +18.34,45.64,1019.05,82.53,460.58 +24.01,42.48,1011.39,55.1,453.12 +25.54,69.13,1001.64,90.98,428.74 +25.5,63.56,1013.85,64.69,442.28 +29.07,72.51,1009.24,58.38,439.8 +14.38,40.71,1023.46,66.12,473.41 +25.89,66.49,1013.08,63.16,434.67 +22.66,63.73,1013.24,83.95,444.41 +17.29,52.72,1024.71,62.32,467.23 +13.43,50.59,1020.38,86.3,469.33 +13.94,44.84,1023.69,95.3,468.06 +24.31,66.49,1011.38,54.35,440.79 +28.45,52.84,1006.18,43.16,439.86 +11.67,37.73,1021.2,68.88,473.54 +26.09,49.3,1003.79,66.19,439.82 +27.66,59.21,1013.12,51.58,438.57 +8.01,40.46,1019.42,76.15,475.42 +24.22,56.89,1013.81,70.02,440.79 +14.77,58.2,1018.78,83.83,460.54 +22.73,43.79,1015.61,42.66,460.2 +8.95,43.13,1017.56,94.85,479.14 +16.8,56.03,1020.65,85.26,461.96 +21.8,51.3,1012.07,89.51,450.25 +25.28,49.5,1013.95,52.79,454.01 +23.19,67.07,1005.67,65.19,442.45 +19.27,50.12,1007.61,100.11,447.63 +25.87,44.57,1007.43,55.92,445.79 +14.27,44.34,1018.95,71.44,470.98 +15.66,41.7,1018,77,452.58 +30.16,73.17,1010.74,58.99,434.43 +13.42,40.35,1011.2,77,472.57 +22.49,61.47,1009.14,90.23,437.01 +27.2,59.74,1011.99,56.74,440.13 +27.08,62.91,1011.9,62.58,442.91 +23.5,50.78,1008.7,57.7,445.09 +12.88,38.53,1010.95,87.16,466.92 +30.05,69.34,1008.26,61.5,436.82 +24.76,63.07,1012.73,70.39,443.04 +21.51,65.48,1017.11,72.99,448.65 +25.05,58.59,1013.37,66.14,442.93 +30.81,71.97,1008.36,75,430.53 +7.57,37.49,1009.73,83.07,481.98 +25.23,58.82,1010.9,70.47,442.64 +10.93,39.16,1016.54,90.56,479.83 +25.08,58.49,1011.1,64.47,446.9 +13.44,41.14,1026.41,77.26,461.44 +16.05,41.96,1011.82,96.05,463.72 +18.49,41.1,1001.9,59.99,460.76 +20.85,56.89,1013.15,68.22,450.07 +15.72,56.89,1013.35,85.06,456.33 +12.93,38.73,1006.41,89.24,471.3 +10.15,39.22,1020.09,68.75,474.87 +26.12,68.94,1007.12,67.08,434.11 +15.97,45.01,1016.58,83.24,456.91 +25.6,71.73,1010.15,68.99,436.7 +27.77,63.87,1017.97,38.77,444.06 +15.63,40.56,1018.68,59.44,472.15 +9.44,44.03,1009.59,86.27,473.61 +30.63,53.3,1004.91,53.3,430.27 +17.68,39.08,1002.77,74.24,454.18 +23.16,57.76,1017.74,63.79,451.79 +27.52,69.68,1011.67,56.94,444.83 +7.97,39.04,1018.51,65.17,483.3 +17.62,43.52,1021.01,71.52,457.45 +25.8,44.57,1008,52.56,450.48 +22.33,70.79,1006.02,93.35,436.74 +28.94,68.67,1005.39,75.24,434.65 +26.72,67.79,1010.35,63.31,444.68 +27.58,66.48,1004.82,51.23,435.34 +26.94,73.21,1002.83,91.25,431.19 +17.74,49.78,1004.9,100.09,450.44 +11.91,40.69,1014.41,83.71,476.71 +7.46,39.81,1018.62,86.73,484.13 +18.34,50.59,1018.42,83.95,457.17 +25.18,69.23,1013.26,57.45,438.72 +25.71,71.64,1008.85,77.31,438.16 +24.48,66.25,1009.42,88.17,441.07 +8.87,41.16,1023.17,94.13,472.45 +23.51,70.04,1011.02,81.39,435.78 +13.3,37.9,997.41,91.51,465.61 +11.69,39.22,1017.05,55.51,472.76 +25.06,78.92,1010.74,90.7,434.55 +20.6,59.15,1013.32,91.07,443.76 +25.79,59.43,1008.61,64.3,435.51 +10.29,40.56,1017.28,69.13,481.7 +26.06,58.59,1012.41,55.22,451.47 +25.8,71.58,1010.08,85.14,435.2 +31.14,67.32,1013.93,38.37,436.64 +22.01,49.39,1019.6,75.8,451.84 +26.05,65.38,1009.43,52.1,449.82 +17.82,56.89,1014.24,77.73,453.83 +20.76,69.05,1001.89,77.86,442.82 +11.64,40.22,1010.58,80.84,477.52 +16.33,42.44,1013.98,84.9,462.44 +10.23,42.32,1017.53,89.93,473.59 +23.35,47.01,1015.03,73.9,456.3 +7.7,40.35,1011.72,92.88,484.57 +22.06,59.39,1015.26,85.04,441.31 +17.14,40.55,1000.05,71.41,461.21 +27.75,66.51,1015.42,39,433.08 +14.58,42.99,1007.55,93.56,468.43 +10.86,37.5,1013.36,75.56,473.75 +7.87,42.85,1012.18,94.21,480.54 +30.96,64.44,1013.63,49.64,437.61 +19.55,42.04,1009.99,67.87,466.4 +20.26,51.19,1008.9,93.47,448.1 +11.61,40.81,1025.68,72.08,473.08 +21.92,64.63,1020.42,65.22,452.49 +14.22,45.01,1014.17,70.14,464.06 +29.77,69.98,1013.32,69.6,430.65 +25.96,63.77,1013.24,65.43,445.26 +27.78,77.17,1009.11,86.54,430.33 +22.49,56.9,1007.65,63.34,449.64 +30.34,75.08,1005.32,52.97,437.26 +23.78,49.3,1003.3,76.56,439.83 +9.06,40.02,1031.16,82.04,478.01 +27.51,49.3,1003.74,61.27,437.09 +30.76,59.57,1010.66,61.76,439.32 +13.86,37.85,1011.4,89.7,469.94 +30.98,67.48,1009.96,58.92,439.39 +31.01,69.04,1009.14,52.81,442.07 +16.58,45.87,1009.66,97.59,457.8 +26.01,61.47,1009.54,75.01,435.78 +32.42,65.74,1010.97,52.73,439.01 +27.96,49.16,1004.8,35.64,442.49 +22.73,63.73,1009.12,94.8,441.75 +15.65,39.59,1012.8,87.63,461.94 +18.22,49.25,1020.33,61.87,454.66 +23.05,62.52,1016.5,65.65,449.98 +22.95,70.98,1005.36,93.76,438.83 +24.34,59.54,1004.01,87.07,440.63 +17.44,44.88,1018.05,68.35,465.72 +22.69,59.44,1012.97,83.47,446.43 +21.31,50.78,1008.68,85.28,445.17 +26.46,61.41,1012.41,56.58,448.83 +26.06,65.34,1014.07,57.63,444.55 +12.24,40.66,1017.4,96.22,464.7 +3.95,35.47,1017.36,84.88,488.64 +31.74,67.32,1013.69,36.59,436.17 +27.01,43.21,1011.71,77.84,434.09 +28.73,68.3,1016.53,55.73,434.15 +24.34,50.16,1004.78,74,445.33 +13,39.85,1012.57,61.56,477.71 +18.62,65.48,1018.45,73.39,451.94 +31.16,67.45,1014.69,32.25,428.35 +21.75,60.27,1018.55,87.81,444.19 +28.71,70.32,1011.78,76.53,435.95 +23.7,70.04,1011.13,84.16,436.28 +14.41,42.77,1019.84,82.54,465.89 +23.83,64.15,1020.93,63.86,447.95 +29.3,73.67,1005.64,65.31,431.07 +23.38,48.78,1019.03,78.69,446.18 +19.95,50.66,1013.21,81.98,458.72 +9.68,40.22,1007.6,89.97,479.56 +30.27,70.32,1007.93,51.61,430.22 +25.82,66.49,1013.2,60.32,434.35 +24.54,57.85,1013.02,65.61,444.93 +19.82,46.63,1013.17,87.1,456.36 +24.9,71.77,1006.24,85.25,427.77 +18.83,58.46,1016.85,87.16,449.63 +22.99,62.96,1019.6,65.05,449.4 +14.28,37.2,1013.96,82.71,467.44 +24.2,60.77,1016.92,71.65,439.13 +22.91,61.86,1012.8,92.69,441.24 +14.16,44.58,1020.75,77.42,473.22 +21.46,50.59,1016.75,67.14,453.67 +25.95,65.61,1014.36,52.54,443.88 +10.36,43.67,1012.16,77.04,478.27 +27,73.42,1012.2,87.28,432.79 +8.14,39.96,1023.41,88.86,477.05 +20.86,67.25,1017.45,81.45,444.5 +25.82,57.19,1007.99,62.95,440.8 +27.25,69.98,1008.55,59.55,431.44 +10.11,42.49,1010.22,82.11,483.56 +23.99,58.62,1016.91,66.36,449.4 +21.55,44.58,1017.2,46.64,464.44 +13.18,40.73,1017.62,94.4,465.96 +9.26,44.68,1023.22,91.44,478.82 +26.3,59.07,1007.84,78.32,441.94 +10.18,43.5,1022.84,88.7,476.91 +22.84,71.25,1001.9,96.45,433.85 +20.36,60.1,1011.21,84.79,454.25 +10.33,40,1021.35,90.84,479.32 +20.46,66.05,1014.93,78.51,454.06 +26,69.89,1015.12,73.06,433.5 +13.16,40.71,1021.99,77.91,475.87 +21.39,52.3,1009.52,88.67,447.77 +14.82,44.2,1018.98,72.8,465.73 +14.38,40.73,1017.48,90.64,462.98 +9.27,38.56,1017.69,62.49,475.42 +26.58,62.39,1006.36,68.98,438.66 +13.85,48.06,1011.13,75.2,462.39 +24.58,56.9,1007.08,68.24,437.16 +20.57,60.1,1011.16,83.45,451.88 +18.26,60.95,1016.94,78.91,457.03 +20.45,48.41,1010.81,86.7,444.69 +22.25,51.86,1013.08,83.64,451.04 +19.82,57.85,1011.58,97.23,447.36 +19.93,62.1,1019.94,76.41,450.57 +28.97,73.5,1010.47,48.24,435.22 +23.53,72.24,1010.84,94.33,436.69 +4.47,35.19,1018.78,92.68,487.43 +16.27,58.2,1018.47,80.03,453.66 +22.32,69.48,1011.1,77.86,439.49 +35.77,73.56,1006.36,36.31,430.14 +14.42,48.92,1011.76,76.03,461.14 +31.2,68.24,1005.71,34.84,428.67 +29.16,55.68,1004.84,55.68,435.04 +19.34,64.79,1018.03,84.77,454.59 +25.31,65.48,1018.31,55.57,439.72 +11.66,44.6,1018.39,89.98,471.3 +17.16,58.86,1016.4,86.39,453.76 +22.11,59.44,1012.82,84.67,448.15 +23.35,59.92,1009.86,88.6,439.82 +17.67,43.7,1015.26,58.76,465.06 +24.11,68.3,1017.33,79.16,432.62 +9.03,37.14,1012.79,76.27,478.95 +20.2,50.9,1011.72,77.63,454.09 +10.95,39.22,1015.69,62.3,474.07 +6.92,39.61,1018.64,82.27,483.83 +23.36,56.89,1014.23,78.34,440.51 +16.63,39.16,1005.85,72.02,460.29 +15.36,40.89,1007.59,86.08,464.12 +9.15,39.61,1018.69,84.47,475.64 +28.61,68.12,1011.71,47.57,432.94 +12.45,40.1,1015.4,82.61,473.63 +29.25,69.98,1010.74,57.42,430.45 +25.24,63.47,1011.3,66.21,442.75 +11.98,44.6,1018.59,86.71,470.02 +12.62,34.03,1019.06,74.78,471.55 +24.14,69.23,1012.4,73.26,433.92 +24.3,69.23,1013.17,59.91,440.56 +22.49,62.52,1016.57,63.69,451.87 +28.77,75.23,1010.01,59,437.93 +7.21,42.03,1017.81,90.12,482.26 +24.13,48.98,1014.74,40.13,460.38 +28.14,65.34,1014.44,46.17,443.11 +28.04,69.14,1007.16,80.38,436.37 +21.18,70.02,1010.27,96.46,442.51 +6.84,39.4,1011.9,93.75,484.09 +26.92,64.69,1006.66,76.14,437.62 +33.83,67.9,1005.94,29.86,428.12 +11.81,40.75,1016.13,84.14,477.22 +10.28,41.46,1018.44,85.23,479.66 +6.72,38.91,1016.89,90.47,485.89 +10.02,38.18,1017.43,68.4,476.83 +8.64,39.69,1001.57,98.27,473.55 +20.45,58.96,1014.53,65.36,454.26 +20.01,45.09,1014.21,38.19,453.96 +31.61,69.04,1008.11,47.96,439.19 +14.69,53.82,1016.54,63.49,463.52 +26.89,49.16,1003.84,41.22,442.39 +24.41,73.67,1007.39,86.92,435.56 +16.36,53.82,1015.05,71.95,461.62 +14.08,41.93,1023.02,59.41,475.15 +17.32,44.34,1019.52,56.24,468.8 +10.38,40.71,1025.27,80.87,481.3 +11.6,40.27,1008.55,72.12,473.89 +19.54,54.9,1017.15,70.37,455.86 +17.5,42.23,1013.37,86.87,462.57 +6.04,41.14,1027.8,86.4,480.39 +7.28,39.81,1017.61,87.56,483 +23.45,69.05,1003.03,66.41,440.24 +16.75,36.99,1006.42,87.18,464.18 +24.01,60.84,1018.83,63.82,436.32 +26.67,70.94,1007.7,56.56,439.13 +11.57,44.63,1020.7,91.11,469.64 +27.33,66.17,1011.06,64.55,443.89 +14.51,44.84,1023.23,82.33,465.09 +18.1,48.06,1015.47,82.47,454.04 +33.58,77.54,1010.19,53.49,433.75 +30.04,64.44,1014.46,52.19,437.95 +23.91,50.23,1017.25,68.57,455.41 +15.27,39.54,1010.64,81.91,464.49 +13.41,49.83,1008.83,87.14,466.38 +29.95,67.25,1017.68,51.91,433.13 +27,71.25,1002.66,70.59,437.22 +24.56,58.82,1011.42,72.47,442.76 +18.84,61.27,1019.64,71.95,454.47 +22.7,61.41,1012.08,78.08,449.75 +23.21,74.22,1009.68,88.46,440.46 +14.54,41.17,1015.15,67.78,470.19 +26.45,74.33,1013.81,61.7,433.16 +1.81,39.42,1026.92,76.97,490.55 +22.95,66.54,1004.53,88.06,434.41 +8.88,36.3,1015.27,56.96,478.7 +13.44,39.64,1013.23,73.43,474.79 +8.83,36.25,1028.86,85.6,478.45 +15.57,38.78,1013.51,95.38,463.47 +16.69,43.52,1021.78,80.87,460.51 +22.53,60.95,1015.12,75.1,449.43 +18.55,52.84,1004.45,86.82,450.23 +22.81,58.96,1013.5,55.66,452.89 +30.13,71.98,1004.95,63.62,431 +14.04,40.83,1008.98,82.04,469.75 +12.14,48.04,1011.8,100.13,465.08 +25.18,56.89,1012.26,64.46,442.42 +7.82,41.16,1023.3,87.7,475.66 +22.2,59.21,1017.87,73.34,445.29 +26.42,59.39,1013.95,66.03,438.54 +9.29,39.04,1022.72,74.29,482.55 +29.31,68.67,1006.18,63.38,435.57 +19.24,58.33,1013.65,85.47,449.26 +27.22,66.49,1013.45,42.41,437.24 +10.09,41.01,1019.89,96.55,471.15 +30.47,68.24,1009.55,64.98,427.94 +24.85,70.47,1006.64,85.37,434.47 +17.75,55.5,1020.15,81.26,459.43 +26.09,60.23,1010.74,60.88,445.88 +12.21,44.34,1017.98,86.17,475.06 +21.5,50.32,1008.65,81.68,442.71 +9.18,42.44,1014.52,98.04,480.49 +24.66,66.49,1010.83,70.06,438.01 +18.56,67.71,1004.77,85.28,444.9 +25.14,73.67,1006.94,88.51,430.89 +12.08,49.83,1008.21,96.01,467.54 +18.88,62.96,1020.62,82.01,456.18 +26.59,60.96,1011.9,52.41,439.77 +10.42,41.46,1021.04,89.16,479.24 +13.03,39.35,1015.34,79.18,474.02 +29.43,66.75,1017.63,42.72,434.6 +27.86,61.5,1009.23,46.19,439.49 +24.73,48.6,1004.03,63.37,439.99 +20.74,58.12,1015.43,77.88,449.91 +9.41,40.43,1025.68,79.49,492.88 +19.33,58.96,1014.88,67.86,456.54 +25.04,70.47,1006.82,84.75,433.1 +19.35,43.43,1009.4,66.11,454.02 +14.72,39,1016.42,76.42,464.93 +26.88,74.78,1010.42,64.81,440.84 +20.72,44.57,1008.96,72.57,449.76 +9,39.18,1024.38,84.91,483.26 +25.45,75.23,1011.41,73.33,441.65 +13.23,52.72,1026.4,75.78,465.26 +30.88,69.51,1011.48,46.58,433.14 +23.32,66.48,1003.92,72.25,436.26 +25.15,68.61,1011.03,53.59,447.91 +19.67,60.77,1017.33,88.13,444.87 +6.92,43.13,1018.26,89.23,486.36 +14.74,43.71,1024.35,81.53,465.49 +22.7,59.92,1011.05,90.84,436.7 +13.85,41.39,1018.62,75.55,471.45 +31.59,43.5,1005.12,43.5,429.96 +17.27,40.55,1000.89,70.66,461.31 +27.49,71.94,1006.62,73.35,435.29 +26.71,70.72,1010.3,78.18,438.72 +23.25,59.87,1018.69,66.4,444.23 +30.13,68.94,1005.88,40.71,441.78 +26.53,60.07,1016.55,54.79,438.54 +12.02,43.69,1016.12,74.07,477.74 +13.77,42.86,1030.72,77.3,471.38 +26.97,67.32,1014.35,55.07,439.61 +25.76,73.5,1011.44,81.36,437 +14.43,35.85,1021.99,78.25,464.6 +21.03,70.02,1010.21,95.69,444.53 +24.45,70.02,1010.75,71.37,445.8 +15.43,41.1,1005.2,85.06,467.21 +17.48,46.21,1014.02,80.78,455.35 +23.96,65.34,1015.52,56.82,449.23 +25.77,71.37,1008.88,78.96,433.45 +25.52,61.25,1012.84,75.98,435.48 +14.52,40.35,1011.11,69.84,470.8 +24.8,68.3,1018.01,80.41,436.17 +30.8,73.17,1010.51,51.93,432.24 +7.9,40,1018.74,79.55,474.5 +10.25,41.46,1020.65,87.07,481.94 +30.97,74.22,1007.93,49.74,431.58 +10.7,44.77,1017.8,82.37,484.94 +32.83,74.33,1011.44,50.42,427.36 +11.35,40.66,1016.86,96.4,466.55 +21.28,44.05,1005.69,83.2,444.56 +12.9,44.63,1020.72,89.51,467.41 +16.47,44.89,1010.04,82.01,459.69 +31.18,77.95,1014.89,65.62,431.58 +21.92,48.14,1013.44,67.8,449.65 +9.46,36.66,1026.22,72.58,479.06 +7.29,39.37,1019.24,73.46,478.19 +24.05,61.87,1009.64,54.54,442.16 +11.75,41.2,1012.7,89.86,475.35 +28.82,71.8,1010.97,67.64,436.71 +5.3,35.19,1019.33,93.86,484.42 +14.17,41.67,1013.4,72.77,471.42 +21.63,60.84,1018.16,77.53,445.93 +12.62,40.92,1021.85,81.41,465.68 +6.94,38.91,1018.94,90.64,485.12 +24.73,65.34,1015.42,52.8,446.92 +14.94,41.35,1004.82,98.04,466.73 +16.88,38.58,1014.72,73.99,462.7 +10.7,36.18,1018.16,63.15,475.08 +25.21,50.23,1016,56.58,454.64 +12.51,41.14,1027.36,87.86,463.79 +30.7,74.22,1008.12,50.39,432.51 +24.61,69.68,1012.06,92.47,438.51 +22.4,58.12,1015.24,78.03,449.13 +5.98,38.91,1016.5,91.83,488.85 +20.06,62.1,1020.21,72.21,451.81 +12.7,39.72,1017.89,62.97,467.77 +11.42,40.43,1025.5,75.85,490.02 +24.23,49.3,1003.61,74.44,440.65 +29.91,70.02,1010.18,64.1,437.63 +22.87,71.29,1008.1,73.1,442.27 +23.79,58.59,1013.94,72.5,443.19 +17.4,44.58,1018.9,60.58,468.01 +27.21,64.05,1010.08,76.69,442.37 +10.23,41.46,1018.89,83.06,479.48 +26.54,69.48,1010.7,66.09,432.56 +32.46,74.33,1012.61,37.07,427.87 +21.31,42.8,1014.1,75.77,459.84 +13.4,40.89,1010.67,91.66,472.36 +31.87,68.67,1005.64,48.85,435.66 +26.05,73.88,1005.67,82.08,439.96 +24.4,69.94,1005.75,58.1,438.76 +11.88,41.58,1016.56,90.18,465.47 +11.3,40.55,1005.97,97.99,476.72 +16.83,46.48,1007.21,87.23,455.64 +19.72,46.21,1010.54,77.74,449.33 +30.74,69.59,1008.69,68.04,437.81 +6.9,40.71,1021.78,94.8,471.43 +7.7,40.72,1022.81,81.97,482.79 +19.18,65.06,1015.99,77.06,448.26 +24.26,68.14,1005.09,59.49,438.79 +5.66,40.62,1015.87,84.97,485.18 +14.97,58.2,1019.52,81.13,458.68 +14.96,39.31,1010.52,71.28,461.97 +13.9,44,1025.1,87.17,466.24 +22.97,42.48,1012.84,64.71,466.7 +32.91,73.56,1007.02,55.03,434.03 +26.56,65.59,1012.6,64.25,443.66 +14.76,49.64,1026.31,75.67,461.16 +12.5,41.38,1021.87,57.59,474.4 +5.89,35.77,1019.78,79.58,479.86 +25.11,58.79,1015.99,60.55,442.34 +16.73,45,1023.44,60.68,467.08 +6.93,41.14,1027.18,84.67,479.06 +24.01,63.56,1014.19,64.31,444.1 +10.33,40.62,1017.41,64.22,473.16 +10.04,39.13,1011.26,88.91,474.61 +7.73,37.8,1020.71,63.93,483.94 +30.24,73.9,1006.74,56.39,441.31 +10.35,39.82,1013.33,94.78,477.14 +23.19,58.82,1009.96,81.05,446.44 +24.55,67.07,1005.66,63.58,443.39 +29.01,66.44,1011.21,71.56,430.61 +12.04,42.34,1019.72,94.67,465.36 +29.85,61.85,1005.45,61.85,436.46 +22.19,60.37,1008.45,92.43,440.75 +10.02,39.82,1012.86,89.47,482.47 +28.09,63.31,1013.01,52.6,438.6 +22.36,51.43,1007.47,87.33,442.53 +30.7,69.59,1008.03,66.78,433.4 +7.06,41.38,1021.94,83.55,487.71 +14.07,45.09,1013.32,94.45,462.69 +10.58,39.61,1020.39,71.69,477.18 +20.59,59.8,1015.27,77.94,453.83 +22.06,47.43,1009.85,76.85,453.5 +31.61,75.08,1004.83,42.29,436.67 +19.98,56.53,1020.22,73.53,454.89 +11.02,40,1015.75,74.83,468.09 +8.34,40.72,1023.62,83.75,483.14 +14.69,35.71,1015.78,57.34,467.39 +14.84,42.03,1017.47,79.27,466.2 +7.67,35.77,1017.55,60.97,480.06 +16.76,43.77,1012.25,77.95,457 +18.21,49.69,1013.54,80.16,454.25 +7.85,37.8,1020.9,59.19,478.68 +17.81,37.2,1011.98,67.27,470.97 +9.23,37.36,1015.01,67.38,481.08 +30.2,71.85,1008.25,59.1,425.21 +28.86,73.18,1012.46,68.8,427.01 +26.05,46.21,1011.31,55.25,450.86 +17.46,42.42,1008.97,69.19,469.63 +25.65,43.77,1011.65,46.18,444.01 +26.81,74.9,1003.99,79.88,435.56 +10.3,41.79,1021.09,49.39,471.58 +30.07,70.04,1010.84,55.74,426.35 +16.25,58.86,1015.94,86.52,456.49 +31.09,74.22,1007.56,46.36,430.3 +9.06,41.92,1029.9,90.88,473.37 +21.4,47.93,1005.16,88.44,445.2 +7.68,42.85,1012.51,91.51,479.16 +30.26,77.24,1008.39,74.25,430.51 +15.93,40.89,1011.57,74.55,468.8 +23.25,69.45,1013.85,70.14,437.18 +10.59,41.46,1016.87,85.7,480.83 +18.86,50.78,1008.46,91.67,446.7 +27.97,69.48,1010.4,57.24,432.18 +30.17,76.86,998.23,73.61,430.3 +15.19,41.43,1011.34,89.67,470.41 +13.88,39.39,1014.08,80.48,471.39 +11.26,40.43,1025.68,74.67,489.66 +25.36,74.99,1002.21,65.96,440.25 +21.17,52.3,1009.67,88.88,444.5 +30.62,66.54,1004.11,55.36,429.01 +27.41,74.67,1016.57,80.16,429.21 +11.82,41.74,1022.36,74.06,476.21 +32.41,67.83,1008.54,55.96,426.85 +12.59,39.18,1024.18,67.57,471.32 +27.81,64.69,1006.59,71.75,437.02 +25.1,71.77,1004.34,82.8,429.7 +15.29,25.88,1009.21,66,464.25 +16.37,39.99,1007.05,80.61,464.69 +27.63,70.17,1000.42,85.22,432.46 +21.11,74.78,1009.71,84.35,442.68 +30.66,66.25,1007.67,63.03,439.55 +14.57,37.86,1022.44,68.82,463.58 +10.92,40.92,1021.84,83.03,467.05 +16.23,43.72,1009.96,83.01,457.9 +26.85,71.73,1010.06,65.24,429.97 +33.5,70.8,1008.99,57.24,433.19 +17.85,53.16,1013.05,82.72,456.49 +7.54,37.7,1014.58,78.43,481.56 +23.39,64.63,1020.45,58.22,449.27 +18.03,53.16,1013.02,81.95,456.55 +10.95,43.8,1022.61,63.46,473.2 +18,52.08,1003.07,100.09,450.85 +17.46,39.54,1008.21,74.24,462.52 +11.88,40.64,1020.5,85.43,470.06 +10.11,39.72,1019.1,69.68,476.8 +26.36,54.5,1015.35,66.87,451.81 +16.41,41.48,1016.28,45.19,451.93 +18.81,45.01,1015.28,65.91,457.85 +26.44,69.34,1009.55,73.18,440.43 +20.6,44.58,1017.67,48.36,466.2 +29.32,63.77,1013.24,55.1,438.09 +19.15,44.89,1009.6,74.52,451.09 +21.09,67.07,1004.38,89.01,444.75 +34.1,73.03,1014.01,41.26,437.65 +20.02,58.66,1011.5,76.74,454.21 +12.97,40.75,1016.05,79.67,476.28 +28.31,64.79,1016.58,60.88,440.96 +28.31,50.05,1005.75,50.17,436.75 +19.29,67.71,1007.94,63.71,449.28 +12.09,40.6,1013.85,85.72,474.35 +31.12,68.94,1006.05,68.46,431.92 +13.94,38.47,1015.03,53.9,466.54 +27.59,59.21,1012.93,51.46,437.49 +11.68,40.23,1018.49,83.43,475.47 +13.8,44.34,1019.43,66.74,468.8 +9.82,39.96,1024.72,97.69,471.96 +26.92,78.92,1011.65,96.22,434.64 +23.66,62.08,1022.42,64.13,447.06 +12.34,43.22,1009.28,78.23,468.52 +23.81,46.93,1013.19,54.82,449.58 +20.54,61.27,1019.6,61.87,451.95 +14.79,41.04,1025.32,75.81,456.97 +18.28,44.2,1018.83,52.88,458.59 +26.9,69.59,1008.9,85.08,434.1 +21.83,63.87,1018.93,63.07,452.21 +21.85,59.8,1016.89,75.28,454.26 +7.95,40.72,1023.7,84.19,486.14 +16.09,50.59,1015.69,84.41,463.64 +13.72,54.3,1017.89,79.08,467.05 +9.56,41.55,1002.67,70.27,481.24 +16.24,41.93,1021.66,44.91,467.69 +31.91,67.83,1008.76,53.22,425.28 +7.73,39.04,1018.61,68.23,482.39 +28.35,71.14,1010.65,60.38,429.21 +19.6,60.95,1015.4,84.26,456.06 +14.13,41.23,994.6,93.02,467.84 +16.84,56.03,1020.25,70.37,437.14 +14.76,43.79,1016.17,75.72,464.14 +28.43,68.08,1011.32,58.19,433.05 +23.71,50.23,1017.55,73.24,458.59 +19.44,48.7,1008.66,94.71,444.9 +22.78,71.77,1005.26,89.23,435.46 +32.84,77.95,1014.68,45.8,431.97 +18.06,56.65,1020.2,81.59,459.14 +16.41,47.24,1015.75,88.78,457.94 +10.05,41.58,1021.35,95.19,469.03 +24.06,71.25,1002.39,92.18,438.85 +8.63,39.96,1024.39,99.47,475.79 +29.77,69.48,1009.8,52.6,432.69 +9.2,40.77,1011.88,89.86,479.82 +20.18,43.56,1013.14,39.16,462.8 +16.26,38.58,1016.04,76.7,462.54 +15,41.35,1006.6,86.95,467.71 +4,39.9,1009.64,97.16,490.79 +17.47,58.59,1014.03,97.13,449.41 +4.78,42.85,1013.39,93.36,481.47 +25.33,73.21,1002.19,97.24,433.43 +7.03,41.74,1021.92,86.44,486.91 +31.33,73.03,1014.18,49.28,438.49 +6.76,37.49,1011.66,80.91,484.85 +4.61,40.27,1012.32,77.28,492.85 +23.21,73.42,1010.34,88.29,439.66 +23.28,48.92,1010.23,41.55,449.27 +5.95,37.8,1022.03,67.97,479.2 +3.21,38.44,1017.11,84.86,492.93 +28.5,73.77,1002.82,86.38,431.7 +12.93,41.39,1018.5,80.28,472.57 +21.04,69.48,1011.07,89.92,439.53 +23.84,49.21,1013.35,45.4,446.54 +18.79,49.15,1021.69,70.16,458.75 +13.83,44.45,1021.5,68.75,462.6 +32.78,71.22,1005.12,48.77,438.77 +24.79,75.6,1017.07,68.23,440.05 +5.49,40.81,1014.43,90.41,487.36 +21.67,61.45,1010.84,92.19,443.82 +12.02,41.92,1030.1,84.45,465.82 +10.46,41.06,1021.41,82.34,481.47 +16,40.66,1016.12,89.23,457.12 +29.35,68.51,1007.63,70.67,430.22 +20.92,70.02,1011.06,85.63,437.96 +32.39,74.16,1008.53,61.09,431.17 +11.57,41.38,1021.71,61.49,473.94 +19.13,66.86,1012.95,71.24,453.31 +30.57,73.03,1013.75,73.68,437.42 +8.27,40.69,1020.13,86.1,484.97 +18.43,57.76,1016.13,87.34,452.65 +29.79,67.69,1006.86,55.93,428.71 +24.7,58.82,1009.4,75.91,442.98 +13.57,41.4,1021.27,72.55,464.23 +28.28,61.86,1012.07,64.49,439.65 +32.07,67.83,1007.91,41.61,429.31 +19.1,43.79,1016.02,77.34,462.28 +22.69,54.2,1012.92,65.55,444.26 +27.44,59.74,1010.99,56.42,452 +9.81,71.14,1019.43,87.93,469.64 +26.05,65.27,1013.69,56.46,440.75 +25.96,71.64,1003.84,86.83,432.93 +13.79,45.08,1025.02,84.36,469.55 +20.13,43.43,1009.75,66.16,453.47 +13.99,45,1023.83,77.92,472.55 +23,57.76,1017.64,56.86,451.39 +20.37,60.08,1017.44,76.33,454.47 +19.16,63.09,1017.71,91.15,449.51 +10.8,41.74,1020.24,78.62,479.32 +19.12,45.01,1014,59.95,453.24 +14.46,44.78,1007.64,67.03,459.31 +17.75,49.78,1004.49,100.09,452.02 +33.15,68.51,1012.9,51.91,428.89 +32.16,68.14,1004.86,37.77,429.64 +32.66,73.68,1014.64,40.88,425.17 +24.34,66.05,1019.26,74.58,440.67 +31.93,72.58,1006.9,56.27,425.14 +9.18,42.18,1017.4,87.3,475.57 +28.57,62.26,1010.75,62.12,437.41 +16.63,53.82,1015.18,66.09,458.29 +17.25,43.14,1018.34,76.17,462.8 +32.06,69.88,1006.88,63.53,432.47 +19.72,66.51,1015.07,74.7,458.07 +10.22,41.74,1022.65,83.58,479.01 +21.78,68.28,1001,79.3,443.24 +16.34,47.45,1009.41,92.96,448.59 +10.29,41.74,1019.9,80.51,480.62 +13.5,44.92,1023.87,87.17,468.85 +13.88,39.16,1010.8,75.69,464.37 +31.26,76.09,1006.66,63.91,430.36 +13.55,40.1,1015.7,86.68,474.59 +12.8,44.9,1007.58,66.6,466.95 +26.96,72.86,1004.86,59.17,441.12 +11.49,35.76,1019.08,60.04,472.45 +12.27,41.17,1019.39,52.18,473.84 +30.95,73.06,1008.86,74.86,431.77 +13.7,44.47,1027.51,70.77,468.79 +30.28,79.74,1006.96,70.21,433.45 +8.61,37.49,1009.35,82.62,477.13 +27.18,59.27,1012.57,64.18,439.69 +19.8,52.9,1017.75,66.67,456.64 +12.88,40.64,1020.76,92.58,474.58 +14.19,39.52,1018.34,77.25,467.14 +15.15,39.58,1011.94,73.63,466.78 +28.8,73.4,1011.34,54.01,439.65 +6.69,40.64,1020.54,92.83,483.01 +26.43,58.41,1013.57,64.67,444.74 +20.13,47.03,1012.59,83.03,459.15 +14.24,39.52,1018.22,77.19,468.51 +15.92,41.79,1006.24,79.42,458.68 +30.74,73.67,1005.79,57.89,428.92 +16.55,54.3,1017.95,60.84,460.59 +16.39,41.96,1011.7,94.85,463.99 +19.73,56.65,1020.7,69.49,457.46 +14.62,43.99,1023.6,86.7,461.88 +10.12,40,1021.33,95.29,476.03 +26.1,44.57,1007.47,55.15,446.49 +11.23,39.72,1018.46,60.62,475.04 +27.24,69.13,1009.28,70.85,432.36 +21.48,61.27,1019.29,61.43,450.88 +27.52,66.25,1008.21,78.8,438.51 +13.74,43.71,1025.45,86.62,465.24 +18.65,52.08,1005.48,99.94,449.55 +17.38,43.14,1011.09,61.9,459.02 +15.25,41.17,1016,62.05,468.76 +8.04,40.64,1020.64,89.26,477.78 +26.59,66.49,1013.32,49.76,439.72 +8.49,39.61,1021.05,87.74,483.94 +25.15,57.32,1012.41,41.84,440.1 +22.02,46.93,1014.32,55.92,451.92 +23.23,63.31,1012.52,75.1,441.5 +7.78,40.8,1026.7,85.61,488.54 +12.93,39.58,1010.93,75.9,473.09 +6.87,40.07,1017.91,57.64,491.4 +30.35,71.32,1009.17,64.61,434.62 +25.89,48.41,1008.49,68.58,440.92 +8.11,41.92,1029.61,91.92,483.52 +26.22,67.45,1013.7,44.04,440.17 +12.64,41.49,1019.78,94,468.78 +27.89,73.17,1009.85,64.22,432.83 +21.11,58.66,1011.7,68.71,457.89 +13.51,43.41,1015.94,75.22,463.86 +25.07,77.95,1012.87,83,438.55 +26.53,69.71,1009.88,76.26,446.17 +16.13,43.48,1014.41,50.05,459.47 +31.4,66.54,1003.55,57.73,425.91 +22.65,57.85,1012.6,68.52,445.36 +10.22,39.16,1015.71,96.2,478.45 +22.72,65.61,1014.64,70.53,449.04 +25.77,58.59,1012.51,55.84,449.65 +13.6,39.82,1013.34,86.1,470.69 +29.59,70.17,999.71,71,434.85 +14.09,43.99,1021.02,94.39,468.09 +13.67,40.71,1016.19,66.15,467.62 +14.94,42.77,1018.9,73.95,462.67 +14.77,41.39,1018.95,65.61,470.21 +20.77,69.51,1012.96,62.89,442.82 +12.75,42.86,1014.9,88.44,475.09 +16.34,42.28,1008.08,52.8,463.29 +14.24,41.16,1010.16,87,471 +10.11,39.35,1015.19,90.74,479.83 +23.38,59.07,1009.29,92.4,442.83 +21.97,58.79,1010.93,86.7,448.8 +17.66,62.1,1019.49,86.3,452.03 +5.53,35.79,1011.19,94.01,484.64 +23.48,73.67,1007.07,88.49,437.19 +11.91,41.49,1019.69,96.39,470.07 +10.17,40.46,1018.54,68.21,470.33 +21.96,48.78,1019.56,85.05,451.58 +23.63,73.5,1011.46,89.39,438.21 +32.28,75.33,1002.14,62.49,433.42 +30.08,67.25,1017.57,47.77,432.1 +30.25,68.24,1006.58,31.9,432.05 +29.8,64.69,1006.6,54.43,437.85 +16.58,41.79,1006.24,72.95,452.95 +16.98,53.16,1013.95,82.8,458.93 +29.83,71.43,1011.93,55.8,439.34 +6.13,40.81,1026.31,91.66,483.8 +15.85,46.18,1013.14,97.8,462.88 +13.27,40.27,1006.1,40.04,473.88 +29.09,75.33,1001.61,71.06,433.29 +18.96,50.16,1010.72,100.09,451.2 +18.22,44.34,1019.35,56.78,469.27 +19.07,44.63,1020.23,44.93,456.37 +24.02,70.94,1008,79.55,441.57 +24.35,70.04,1010.92,73.88,438.4 +16.82,45,1022.05,37.28,468.22 +23.79,50.16,1005.32,75.82,435.49 +25.48,65.12,1016.12,53.66,447.85 +23.56,51.86,1014.04,73.9,448.04 +15.09,41.76,1022.4,76.22,463.27 +18.77,49.39,1021.06,82.95,454.53 +18.64,52.08,1004.24,99.9,451.3 +9.77,44.68,1023.37,91.4,477.56 +26.43,51.43,1006.3,71.48,441.01 +4.95,42.07,1004.87,80.88,485.67 +10.39,40.22,1004.95,91.65,476.49 +18.9,56.03,1020.77,71.83,457.66 +17.14,41.66,1010.97,57.66,463.38 +28.28,68.67,1006.36,69.9,435.29 +18.07,44.92,1024.72,69.15,457.53 +28.06,68.24,1010.27,69.72,429.47 +24.88,49.16,1006.04,64.54,445.18 +31.46,66.54,1002.86,53.75,427.76 +27.14,64.27,1012.71,54.4,441.68 +22.05,48.14,1015.81,69.94,447.37 +15.77,41.79,1007.96,80.69,455.87 +18.18,67.71,1004.5,87.26,449.24 +15.33,36.71,1013.99,73.89,468.36 +25.98,60.95,1014.5,48.01,442.9 +18.12,44.63,1001.26,89.72,453.55 +23.84,63.47,1012.54,76.33,444.48 +21.67,62.39,1007.98,92.96,445.85 +23.86,66.54,1005.23,90.89,432.17 +31.95,67.17,1007.11,61.58,432.6 +17.96,47.83,1005,85.72,454.59 +15,50.88,1014.04,100.12,459.37 +21.97,58.95,1017.78,76.95,443.61 +19.27,43.14,1013.17,39.85,463.14 +30.21,69.4,1003.69,62.89,438.18 +8.51,38.5,1013.33,64.28,482.39 +8.51,39.96,1026.34,96.1,475.96 +7.8,43.65,1018.92,60.77,479.78 +15.6,41.7,1019.15,84.1,461.38 +10.03,43.13,1014.85,70.09,482.16 +22.38,71.85,1009.56,74.91,441.47 +11.77,40.92,1021.85,81.55,467.31 +29.84,74.87,1009.64,61.39,435.05 +32.51,73.56,1007.06,59.6,435.23 +14.47,41.76,1021.98,78.41,464 +21.93,62.91,1013.45,74.62,449.17 +31.85,69.04,1008.35,46.09,434.79 +23.66,61.86,1013.33,83.09,444.27 +18.83,63.91,1010.8,96.18,448.15 +26.54,69.34,1009.5,87.18,435.51 +17.51,41.85,1016.25,72.03,465.05 +14.14,39.59,1010.84,96.02,465.23 +30.68,71.25,999.98,68.99,433.47 +23.24,51.95,1006.21,78.08,448.5 +29.77,67.07,1005.82,48.38,433.89 +14.04,40.56,1018.4,65.79,472.98 +26.38,59.92,1009.99,71.91,444.85 +5.28,42.07,1003.82,80.84,485.24 +12.37,46.97,1013.95,90.76,464.4 +13.86,35.71,1015.21,63.16,471.63 +14.73,39.82,1012.67,80.82,470.41 +30.12,69.68,1012.89,60.64,436.34 +19.68,44.34,1019.49,49.5,468.27 +8.27,35.77,1015.3,73.36,478.13 +5.21,35.79,1011.5,95.08,484.03 +31.13,67.45,1015.02,41.34,435.14 +28.93,72.99,1007.23,64.41,434.45 +17.05,44.88,1017.69,88.19,459.63 +12.61,43.22,1013.41,78.94,466.85 +4.93,35.19,1018.04,92.94,486.39 +5.73,40.35,1012.24,91.84,490.5 +24.57,72.24,1011.44,79.19,434.93 +15.55,39.63,1004.98,89.82,466.83 +23.43,71.97,1009.42,94.27,442.19 +20.67,63.56,1013.27,79.39,450.7 +5.95,35.57,1025.84,77.61,487.72 +18.11,43.43,1008.65,73.3,451.38 +11.02,39.96,1025.64,93.58,467.41 +23.37,63.87,1016.67,60.44,446.42 +23.22,69.04,1009.65,89.05,448.6 +12.31,41.06,1021.19,74.38,475.76 +15.34,41.23,996.87,86.56,465.16 +28.69,67.25,1017.71,44.6,436.21 +11.34,43.67,1011.54,87.95,472.77 +6.02,41.38,1021.2,88.71,490.57 +11.2,42.02,999.99,96.69,472.27 +9.09,41.92,1029.36,91,478.98 +29.47,65.51,1014.71,58.28,444.8 +23.12,69.71,1008.98,84.41,442.21 +10.29,41.46,1020.84,89.03,480.32 +13.36,39.64,1010.3,93.26,471.89 +18.38,55.28,1020.22,68.33,451.29 +22.76,49.02,1007.5,88.56,442.84 +28.19,62.6,1017.34,46.95,449.61 +24.16,48.98,1015.19,42.55,459.27 +29.75,73.5,1011.13,67.31,433.63 +25.38,62.96,1019.98,56.88,444.83 +21.98,59.39,1015.25,84.52,446.79 +9.82,36.18,1019.18,65.8,475.21 +27.5,65.34,1014.93,47.46,439.59 +7.84,43.52,1022.23,96.51,483.79 +23.49,47.45,1008.46,66.18,446.72 +10.91,37.92,1008.66,66.53,473.72 +12.95,41.23,993.74,96.35,469.05 +7.92,41.66,1014.84,76.12,483.38 +21.98,55.5,1017.89,57.9,457.29 +9.39,41.79,1021.6,50.09,473.73 +30.04,67.25,1017.57,38.14,434.83 +14.56,39.39,1014.23,80.61,471.72 +12.26,43.48,1016.41,72.95,467.83 +18.87,60.07,1015.15,70.91,453.27 +21.16,45.38,1014.65,73.06,458.63 +27.65,67.07,1005.65,60.42,439.03 +16.03,65.46,1013.96,87.56,455.17 +14.45,44.84,1023.28,82.79,461 +11.76,39.28,1016.9,91.06,478.07 +13.83,43.22,1010.62,70.8,464.39 +6.18,41.55,1001.58,98.79,484.87 +14.82,40,1016.32,66.3,458.46 +32.1,69.98,1013.31,55.84,431.09 +15.11,45.01,1014.35,65.03,460.91 +28.76,69.48,1008.62,55.86,430.14 +5.54,45.87,1008.69,95.91,478.02 +23.97,62.44,1013.64,88.5,442.46 +19.77,54.42,1011.73,89.26,458.21 +22.42,71.77,1005.5,90.62,435.06 +25.57,66.54,1005.22,83.48,430.92 +22.29,43.79,1015.68,41.75,461.23 +19.55,39.39,1013.55,57.82,464.36 +6.13,40.64,1020.69,94.57,481.13 +25.21,46.21,1010.87,59.35,439.55 +16.78,58.95,1017.74,96.24,450.02 +17.55,45.87,1008.07,80.98,454.29 +18.88,40.79,1004.98,92.65,459.06 +20.32,49.16,1007.47,91.12,443.59 +2.64,39.64,1011.02,85.24,481.29 +22.88,69.45,1014.02,65.13,441.76 +9.47,36.54,1007.93,77.65,475.48 +31.98,64.05,1010.49,58.01,439.56 +5.84,41.38,1020.34,82.41,489.4 +25.23,60.84,1017.79,56.42,442.02 +18.99,44.6,1014.7,40.11,463.48 +28.16,73.21,1002.27,88.26,432.78 +21.53,52.84,1005.06,88.22,444.04 +23.13,72.24,1010.92,92.3,437.67 +23.46,59.27,1010.6,79.79,445.57 +28.62,59.14,1016.36,53.1,436.09 +15.79,38.28,1014.4,74.84,465.64 +23.19,45.61,1013.18,73.46,454.62 +25.43,60.95,1014.62,51.39,444.65 +31.52,76.2,1008.31,57.35,435.31 +10.67,40.56,1022.39,77.92,482.36 +6.25,39.64,1010.98,83.45,483.43 +14.33,43.41,1015.43,55.4,462.94 +27.62,68.27,1008.04,63.04,427.67 +25.4,70.4,1006.8,94.78,439.04 +9.83,41.17,1019.34,72.29,478.21 +20.24,56.65,1020.72,62.9,455.49 +28.42,73.5,1011.23,72.79,435.59 +22.72,58.82,1012.54,77.72,448.67 +24.59,72.24,1011.42,81.5,433.31 +16.37,36.99,1006.37,90.11,463.76 +8.52,41.55,1002.09,86.81,483.63 +18.01,62.26,1011.89,89.29,451.14 +27.02,72.58,1009.21,89.13,437.8 +19.68,51.19,1008.64,94.88,452.04 +10.38,43.02,1013.37,78.53,474.44 +26.64,69.13,1010.6,79.23,430.41 +8.09,43.02,1014.79,81.06,484.35 +25.24,57.17,1010.44,74,442.77 +21.8,65.94,1012.02,63.52,448.66 +17.39,42.44,1013.72,73.79,461.55 +16.84,39.63,1004.67,82.98,466.06 +20.65,66.51,1014.94,71.83,456.49 +15.56,41.1,1004.65,84.58,467.32 +12.27,43.8,1023.21,57,468.55 +5.6,38.91,1019.31,85.33,491.1 +15.54,41.96,1011.78,97.46,467.1 +22.83,58.62,1017.82,69.76,450.96 +25.1,43.77,1010.9,49.68,444.99 +20.91,58.2,1018.1,62.8,446.19 +14.03,44.88,1019.6,57.63,465.51 +20.71,46.63,1013.1,74.49,453.05 +16.15,44.21,1020.76,85.41,462.02 +5.15,35.19,1018.63,93.94,488.42 +25.89,74.22,1007.43,81.55,433.73 +6.24,35.77,1019.24,70.7,483.36 +26.35,69.48,1008.45,70.47,435.23 +10.94,39.04,1021.62,86.41,479.8 +7.61,39.37,1015.84,83.73,483.74 +28.56,69.51,1012.45,46.59,434.35 +13,39.28,1016.7,81.94,473.6 +8.82,34.69,1026.81,82.54,481.44 +27.22,66.48,1004.59,52.66,436.06 +15.08,42.77,1018.67,73.89,461.6 +7.67,42.85,1012.02,93.35,478.94 +11.83,44.6,1018.49,89.06,469.96 +29.44,64.33,1011.4,61.78,442.32 +30.36,74.87,1008.96,61.87,435.31 +32.26,73.68,1014.75,60.9,426.48 +28.86,73.4,1011.37,58.76,439.33 +9.28,40.22,1009.23,88.43,480.73 +10.52,41.78,1013.54,71.52,474.58 +26.9,60.93,1007.1,67.32,435.87 +24.86,44.05,1005.69,66.65,447.2 +13.39,49.83,1007.14,90.88,466.04 +27.98,71.98,1005.58,81,428.44 +26.95,70.8,1009.73,82.95,436.8 +3.2,41.31,997.67,98.84,489.86 +13.45,42.44,1012.79,83.12,473.96 +20.08,54.42,1011.79,89.35,457.14 +30.07,70.98,1007.74,75.68,437.55 +7.5,40.02,1031.39,82.53,476.01 +33.59,79.05,1007.79,63.55,436.51 +30.39,70.98,1007.55,72.76,435.48 +21.64,44.05,1007.73,74.79,447.96 +13.08,39.28,1012.41,77.98,474.13 +13.39,44.58,1016.5,79.26,474.7 +22.94,58.05,1012.27,80.12,433.77 +28.07,64.09,1005.41,64.09,436.61 +20.27,63.09,1016.6,90.7,446.75 +11.83,43.14,1010.06,88.14,471.98 +21.25,67.71,1006.9,55.76,444.98 +24.35,60.27,1017.6,75.45,441.74 +12.41,41.44,1015.46,76.9,472.06 +28.61,68.12,1012.23,46.45,435.28 +25.6,66.48,1006.16,69.34,435.12 +13.11,42.99,1007.6,97,472.84 +21.39,63.9,1013.44,70.95,449.38 +12.41,37.92,1008.09,65.23,470.49 +29.06,64.96,1000.88,62.07,430.24 +18.38,62.1,1020.12,77.27,452.91 +16.6,41.93,1022.01,48.98,467.51 +31.18,74.34,1003.81,63.59,434.15 +27.88,62.66,1009.51,56.44,441.32 +26.18,68.08,1012.92,55.7,436.51 +15.07,39.82,1012.78,84.46,471.31 +21.47,50.12,1009.19,93.68,448.11 +10.35,44.2,1018.46,88.6,478.36 +20.3,44.9,1008.25,64.08,457.6 +26.94,66.48,1005.46,60.62,440.12 +25.72,47.45,1007.74,58.35,442.78 +24.19,58.95,1017.78,58.78,441.91 +20.71,49.69,1010.26,69.97,455.69 +7.81,39.64,1011.42,86.68,482.22 +27.11,48.6,1002.78,53.39,439.4 +21.26,51.43,1009.96,80.66,455.45 +29.12,73.06,1009.98,80.21,434.9 +17.3,43.72,1009.64,77.86,456.55 +15.02,42.07,1017.89,83.68,460.82 +12.79,41.62,1010.52,81.83,466.91 +19.89,51.43,1007.38,91.79,448.85 +18.39,38.52,1019.66,66.93,453.89 +22.8,69.23,1011.8,76.95,439.3 +21.98,58.79,1010.72,86.85,448.84 +20.01,68.63,1012.34,69.49,454.5 +27.2,77.95,1009.48,78.53,433.39 +14.07,42.99,1007.57,96.05,468.87 +20.29,49.69,1008.94,69.91,454.74 +28.22,76.2,1006.11,62.17,437.62 +29.98,47.93,1002.46,42.73,438.79 +18.55,43.69,1016.84,47.95,465.2 +23.74,49.21,1012.78,42.5,447.67 +19.13,42.18,1001.45,98.77,456.04 +28.85,68.12,1012.05,46.31,436.15 +22.76,58.96,1013.85,55.95,454.05 +33.2,70.8,1008.75,59.41,430.71 +30.85,70.94,1007.47,54.79,431.77 +8.07,43.69,1017.05,87.34,485.18 +24.78,66.49,1010.55,68.12,436.62 +12.45,43.67,1013.61,91.34,474.27 +32.8,68.67,1005.27,44.53,432.28 +29.7,57.19,1008.41,55.07,436.29 +5.4,39.4,1011.45,91.84,485.86 +15.85,42.28,1007.4,82.12,467.3 +9.16,41.03,1021.3,76.08,484.96 +21.53,59.8,1016.46,74.72,454.99 +18.16,39.99,1008.13,68.5,461.16 +12.31,44.03,1007.78,94.42,468.13 +23.77,64.15,1021.02,55.87,448.43 +24.94,67.69,1008.86,68.97,439.08 +22.53,70.98,1005.48,93.95,440.96 +17.04,56.03,1020.38,68.69,462.48 +10.48,40,1021.35,88.52,478.86 +7.08,39.99,1010.55,91.44,482.83 +29.95,73.42,1011.44,66.32,432.81 +13.56,42.34,1017.95,93.83,462.6 +8.16,39.72,1020.54,82.11,480.21 +18.95,46.21,1013.47,81.22,457.58 +33.45,73.88,1006.23,44.14,435.48 +28.03,60.23,1010.23,66.04,438.88 +25.19,63.94,1012.78,75.15,438.73 +29.9,64.79,1016.9,48.24,441.41 +24.13,45.61,1012.63,71.36,453.19 +25.6,56.9,1006.35,81.58,437.82 +19.83,51.43,1007.36,91.64,449.45 +11.75,40.55,1018.09,97.7,472.43 +6.28,41.06,1020.96,90.91,489.79 +26.12,70.47,1009.93,72.13,434.67 +7.92,36.08,1021.01,81.84,482.98 +13.63,40.92,1021.89,80.5,462.4 +23.84,68.94,1007.45,71.35,436.05 +5.25,40.07,1019.48,67.7,495.23 +13.91,44.58,1021.36,78.98,472.67 +10.63,44.2,1018.63,90.26,477.19 +22.48,67.45,1014.77,63.9,445.55 +27.36,66.54,1011.31,45.3,436.69 +27.99,66.91,1008.47,59.63,439.74 +30.93,71.85,1008.63,58.47,427.82 +20.37,44.58,1016.77,66.22,463.2 +7.01,37.8,1021.47,62.84,483.95 +16.98,63.09,1020.44,95.18,450.55 +30.03,70.02,1010.07,64.2,436.88 +6.34,40.64,1020.62,94.39,478.78 +14.59,35.71,1015.19,54.13,469.32 +10.72,41.17,1019.68,60.71,479.21 +26.89,56.85,1012.27,43.84,436.44 +11.84,39.28,1016.97,90.52,477.51 +29.59,71.77,1006.33,62.35,426.62 +12.02,39.69,1006.05,84.66,470.17 +18.89,43.56,1012.79,38.63,463.91 +18.18,50.16,1010.22,99.73,451.14 +27.82,52.84,1006.23,52.18,440.31 +20.77,51.3,1013.89,88.72,450.97 +28.21,73.06,1008.26,86.29,430.46 +15.86,43.67,1011.11,82.24,465.46 +25.65,69.23,1012.55,62.02,435.25 +31.18,70.36,1006.38,56.74,438.46 +10.05,40.23,1019.71,90.41,475.48 +30.33,70.36,1006.72,70.31,438.47 +26.19,73.77,1001.31,91.87,433.34 +28.09,70.02,1010.84,51.29,437.83 +19.02,47.45,1007.44,76.76,453.08 +15.49,40.89,1007.16,82.16,465.37 +23.26,64.05,1012.96,88.31,442.75 +15.99,43.34,1014.2,78.66,465.96 +23.95,60.37,1004.96,79.48,440.9 +30.91,70.32,1011.92,65.59,433.71 +8.35,42.85,1010.46,90.13,483.63 +7,38.5,1014.09,81.32,489.52 +20.53,49.16,1007.11,90.02,444.69 +25.04,65.48,1017.66,57.08,440.92 +24.51,51.95,1005.57,63.53,449.73 +21.23,68.08,1012.82,74.57,445.41 +7.01,40.72,1024,86.37,489.64 +16.78,41.35,1000.23,70.52,459.64 +9.08,40.02,1031.2,75.34,476.69 +30.78,69.14,1007.27,62.77,433.96 +23.02,63.47,1012.21,80.61,443.66 +25.56,74.67,1016.62,76.1,435.81 +17.53,42.24,1016.9,60.95,470.63 +21.12,62.96,1020.83,69.96,454.65 +13.01,41.49,1019.82,92.86,466.5 +7.47,40.07,1015.45,50.3,489.59 +13.17,36.71,1012.82,72.76,474.93 +15.25,43.02,1012.04,41.43,467.23 +28.89,70.72,1009.36,70.33,433.02 +27.19,62.91,1011.57,53.66,444.8 +21.46,74.87,1009.23,86.58,445.5 +32.16,76.2,1008.04,51.74,433.29 +25.42,68.08,1011.2,76.58,433.82 +22.83,59.43,1005.51,83.93,440.76 +15.63,41.79,1006.7,78.28,455.24 +30.83,77.3,1001.7,57.85,435.87 +15.78,43.99,1022.19,83.7,461.07 +25.46,56.89,1012.59,62.9,443.5 +20.57,44.78,1008.89,38.78,465.69 +10.02,42.44,1014.57,99.16,478.5 +11.61,52.75,1020.94,77.56,464.68 +23.14,51.19,1009.56,77.2,443.87 +15.04,38.01,1022.46,78.29,468.12 +10.27,52.75,1026.19,76.78,470.76 +21.19,74.93,1015.75,80.84,443.29 +12.69,40.71,1021.62,80.19,477.14 +28.37,71.64,1007.39,71.06,434.91 +19.12,58.79,1017.34,92.45,447.02 +23.49,64.63,1020.75,65.16,450.28 +19,58.95,1018.05,83.38,451.96 +11.58,41.74,1020.41,74.09,478.06 +15.2,39,1016.1,72.76,463.88 +15.71,40.12,1012.81,97.46,462.6 +23.27,65.48,1019.05,61.36,443.43 +19.78,62.1,1019.72,78.36,450.43 +14.1,39.16,1008.19,74.05,464.07 +19.62,58.79,1017.59,87.39,446.29 +13.9,39.59,1011.84,94.74,465 +31.37,74.87,1009.22,56.58,436.16 +26.86,71.32,1007.38,81.14,430.44 +18.35,57.76,1019.64,77.94,458.41 +30.29,59.22,1013.05,60.46,441.57 +25.91,58.98,1010.02,75.31,442.65 +15.98,42.99,1008.24,83.78,467.42 +15.72,41.76,1023.07,66.95,462.19 +22.81,71.85,1009.61,75.17,440.4 +13.73,41.78,1011.75,49.65,464.94 +5.33,39.33,1009.61,94.97,491.17 +14.71,52.72,1024.7,70.29,462.34 +24.26,42.8,1013.72,61.62,459.65 +27.78,72.43,1006.72,74.53,429.62 +16.5,53.29,1017.7,95.66,458.37 +8.51,39.66,1015.16,86.61,483.54 +18.6,58.71,1009.8,86.42,430.38 +6.52,39.85,1012.55,86.36,483.01 +14.76,40.71,1017.37,71.07,465.58 +28.8,70.02,1010.76,49.61,435.45 +11.53,41.39,1018.39,85.52,474.49 +12.15,45.01,1018.89,90.02,468.07 +9.61,44.03,1008.3,91.36,473.54 +13.67,38.53,1009.3,81.85,470.39 +25.88,71.73,1010.01,72.8,430.86 +26.82,66.51,1016.32,55.76,439.48 +28.11,69.84,1004.68,67.08,427.33 +28.9,60.07,1015.96,45.06,440.62 +26.97,71.58,1010.13,75.16,433.88 +26.84,71.94,1006.6,79.12,427.2 +25.28,67.69,1009.05,68.54,445.34 +9.02,38.08,1019.02,69.98,478.32 +12.89,36.71,1013.36,87.29,475.13 +17.35,39.72,1003,64.62,459.83 +26.86,71.14,1007.11,76.61,426.97 +15.43,39.16,1016.44,79.8,470.74 +29.72,68.24,1009.92,66.42,426.54 +31.4,70.32,1011.62,65.01,433.42 +21.6,59.8,1016.9,76.59,450.14 +7.06,41.74,1021.95,90.38,448.97 +18.9,62.96,1020.69,80.57,455.88 +27.77,63.9,1013.62,51.43,441.3 +13.2,40.83,1007.75,94.98,472.41 +22.59,60.32,1016.84,78.58,447.17 +28.5,64.84,1011.47,54.41,441.74 +27.98,67.9,1006.3,73.53,436.08 +27.64,75.6,1017.35,54.78,441.04 +9.6,37.73,1021.87,77.75,481.03 +10.61,43.79,1016.03,76.33,480.28 +31.41,76.09,1007.68,70.49,430.81 +28.53,66.51,1015.9,40.68,436.16 +7.24,41.17,1020.35,80.56,486.76 +7.32,41.26,1010.11,95.18,482.1 +26.93,67.07,1005.65,60.26,437.76 +9.76,40.71,1020.88,91.82,470.95 +22.85,59.15,1014.74,63.92,448.61 +13.24,40.83,1007.9,87.53,472.22 +29.14,61.5,1009.64,39.95,437.76 +22.18,62.91,1012.14,68.86,449.77 +15.07,43.48,1015.22,57.74,459.96 +25.43,72.39,1002.65,88.13,436.1 +14.64,39.58,1011.46,71.9,467.8 +14.43,41.76,1024.02,83.57,467.33 +8.44,41.17,1019.9,70.72,486.15 +32.33,69.89,1014.18,50.93,427.29 +23.62,61.87,1010.07,48.77,447.93 +25.83,70.47,1006.24,81.83,434.45 +17.74,49.69,1006.09,80.7,457.05 +23.54,67.83,1009.44,65.48,426.24 +26.07,69.23,1013.32,54.03,436.94 +27.38,77.24,1008.25,82.49,435.81 +23.54,41.1,1002.05,38.05,448.56 +28.73,50.05,1005.79,52.4,436.35 +14.93,43.02,1012.11,45.56,468.19 +34.76,68.94,1006.75,41.31,427.42 +23.64,63.31,1014.5,61.83,440.7 +29.84,58.9,1005.24,56.18,440.93 +10.33,40.6,1015,88.62,478.3 +25.74,59.07,1007.37,79.89,441.05 +31.92,75.33,1002.13,65.73,431.32 +13.97,39.16,1016.05,84.6,470.96 +25.44,61.25,1012.57,87.65,441.77 +12.88,44.71,1018.73,51.95,469.12 +7.74,42.49,1009.07,90.11,481.69 +11.8,43.99,1020.86,98.44,466.75 +11.87,40.67,1011.43,62.92,479.18 +18.41,42.04,1011.69,64.88,465.64 +12.65,44.34,1014.74,92.81,473.46 +7.05,43.65,1018.41,72.36,480.47 +12.6,41.5,1013.07,86.22,472.45 +30.69,71.98,1004.53,65.86,430.33 +27.76,72.58,1009.04,84.96,429.25 +16.31,52.75,1024.4,55.69,456.58 +25.21,63.21,1012.24,85.14,441.04 +29.53,77.54,1010.39,66.13,432.89 +26.71,76.86,1002.86,74.5,437.31 +15.94,41.76,1023.32,67.17,462.44 +7.33,41.16,1023.17,92.43,466.16 +14.31,40.78,1024.3,76.41,463.54 +12.57,41.79,1014.99,87.8,461.88 +30.61,69.13,1009.32,55.17,429.1 +14.94,40,1017.69,65.43,456.41 +14.65,44.84,1023.39,87.76,467.18 +25.76,74.87,1010.18,65.15,443.7 +24.4,71.14,1009.7,59.26,436.68 +34.18,78.05,1010.71,66.77,432.1 +23.02,67.25,1017.17,72,443.44 +8.22,40.77,1009.11,95.61,480.38 +7.16,38.56,1019.17,70.1,486.12 +28.32,77.95,1014.61,77.17,436.97 +15.5,44.34,1019.21,65.21,468.53 +26.79,62.44,1011.51,72.46,440.55 +13.62,42.34,1017.87,89.67,464.79 +8.86,40.23,1017.57,90.47,478.05 +7.14,44.71,1019.98,71.9,487.71 +27.29,64.45,1013.46,45.35,446.94 +24.06,58.98,1010.66,81.16,443.75 +18.36,56.65,1020.29,82,456.49 +13.83,40.78,1024.85,73.08,458.85 +21.43,60.95,1015.27,75.49,449.12 +19.08,58.59,1013.42,68.88,451.05 +31.46,71.29,1008.57,41.79,430.8 +24.54,66.49,1011.1,69.14,437.38 +10.41,41.01,1020.12,94.27,472.82 +10.49,42.49,1009.81,78.92,478.75 +15.03,44.45,1020.94,65.57,460.06 +8.53,40.02,1031.27,85.57,476.73 +14.64,39.31,1008.84,79.3,462.72 +24.31,58.62,1017.29,64.44,449.12 +33.95,80.18,1010.3,56.69,432.22 +10.39,40.22,1006.59,87.77,479.14 +19.69,56.65,1020.77,62.83,456.29 +21.45,45.09,1013.83,52.26,453.15 +26.04,72.43,1006.82,84.88,432.94 +24.39,71.85,1009.73,72.24,438.2 +19.69,39.72,1001.49,60.34,456.55 +15.37,43.67,1011.9,91.48,468.23 +22.3,57.19,1006.4,75.28,445.1 +18.64,43.79,1016.01,51.17,465.13 +7.3,39.72,1020.85,77.83,485.1 +28.59,68.08,1013.2,42.96,436.7 +14.48,44.06,1018.73,75.88,467.46 +10.16,41.55,1005.69,58.04,477.27 +30.75,71.25,1000.07,65.47,431.93 +12.54,44.03,1007.05,84.03,471.86 +27.28,78.92,1011.05,75.48,434.78 +23.54,65.27,1013.78,64.28,445.19 +26.68,62.91,1012.33,60.78,441.04 +9.88,40,1021.4,92.06,481.58 +9.27,40.22,1008.1,89.24,481.23 +26.38,65.12,1016.1,47.57,441.07 +26.64,58.69,1007.99,75.68,439.32 +23.63,58.62,1016.45,69.97,445.51 +24.39,51.86,1014.92,59.98,447.7 +23.09,63.76,1009.82,72.36,443.86 +32.38,67.17,1006.97,60.04,438.67 +27.44,58.9,1003.86,66.74,442.19 +9.37,44.77,1020.61,87.31,474.41 +30.96,71.77,1006.26,52.76,425.66 +12.06,48.04,1010.01,100.13,465.63 +20.1,58.95,1018.46,80.87,446.7 +9.64,36.66,1027.1,70.11,479.08 +28.02,71.77,1006.5,72.41,428.58 +25.24,71.14,1008.73,79.39,435.09 +24.96,60.27,1018.68,69.97,442.67 +27.5,49.3,1004.02,59.23,439.77 +20.83,44.78,1008.51,35.9,460.6 +28.44,69.84,1003.25,68.24,426.69 +21.89,58.05,1011.31,85.71,441.76 +16.87,52.05,1012.7,71.63,460.31 +23.48,51.43,1007.13,84.83,441.78 +15.23,37.87,1020.17,85.02,464.02 +23.57,66.75,1018.06,80.19,439.71 +22.17,60.27,1018.21,89.55,443.31 +30.97,69.13,1009.78,58.92,435.6 +23.84,49.21,1013.6,47.63,447.03 +23.55,61.87,1009.65,54.83,443.54 +17.32,42.24,1017.35,62.96,472.33 +21.61,41.54,1014.5,75.62,458.47 +12.85,41.14,1027.04,86.29,464.86 +22.39,58.18,1008.52,87.48,448.37 +22.22,66.05,1016.15,80.58,442.95 +24.67,70.94,1007.99,75.64,443.51 +6.76,39.22,1013.91,77,487.08 +13.35,39.18,1023.24,61.98,469.34 +11.43,44.78,1013.43,82.45,471.09 +13.18,37.91,1018.09,88.84,469.63 +29.53,71.14,1011.39,53.41,431.97 +25.07,56.85,1011.25,51.99,442.44 +28.36,66.75,1017.71,52.6,433.88 +32.67,77.95,1014.62,50.73,432.32 +22.3,74.87,1009.69,86.18,442.78 +16.85,49.78,1005.61,100.1,455.33 +7,39.81,1017.47,87.65,484.51 +12.74,41.5,1012.94,86.28,469.92 +32.88,72.29,1008.5,62.74,431.74 +17.46,53.29,1018.07,91.01,458.06 +29.05,64.84,1011.1,51.39,442.58 +11.32,36.18,1015.03,64.68,472.67 +19.65,57.85,1011.73,93.89,450.5 +22.69,64.45,1012.82,45.03,450.65 +28.31,74.34,998.42,79.23,431.95 +27.97,66.17,1010.81,63.73,441.7 +21.45,69.94,1010.5,82.17,443.31 +21.45,66.05,1014.81,73.73,453.38 +20.51,45.38,1014.29,69.14,461.87 +14.57,44.45,1021.42,66.23,462.48 +22.21,48.14,1015.08,66.8,448.33 +15.06,41.85,1016.78,88.23,466.72 +24.84,59.22,1013.18,83.08,442.7 +24.44,47.93,1003.13,67.04,440.53 +27.05,59.15,1012.83,56.31,441.39 +33.92,77.95,1010.15,58.89,433.01 +15.42,39.82,1012.89,83.54,469.9 +26.87,74.99,1002.48,71.91,437.78 +8.69,41.04,1026.87,80.28,477.2 +14.19,49.83,1006.52,90.72,462.86 +18.23,45.01,1012.24,73.86,454.06 +25.47,56.89,1013.02,63.21,440.38 +12.62,40.83,1010.06,81.52,470.94 +13.61,42.34,1017.57,91.35,465.65 +23.91,67.69,1008.28,66.71,439.84 +14.73,39.52,1017.01,74.21,470.45 +21.62,50.05,1007.2,92.9,444.16 +15.29,38.73,1000.9,81.17,468.62 +23.66,72.43,1008,89.49,439.02 +25.14,60.29,1017.91,53.3,444.5 +22.56,48.92,1010.7,51.63,445.07 +13.56,39.58,1011.05,73.62,473.16 +28.74,71.14,1011.53,48.6,430.12 +6.93,38.68,1017.61,61.28,482.37 +13.52,39.3,1018.99,69.22,469.41 +28.69,67.79,1011.01,66.4,439.87 +7.9,43.79,1016.14,83.05,485.26 +19.5,65.12,1015.53,73.87,453.99 +22.27,48.98,1014.47,49.33,451.74 +27.83,59.57,1011.22,71.05,443.85 +25.34,64.27,1013.38,66.02,443.94 +23.57,67.9,1006.08,70.12,446.72 +29.73,73.06,1010.27,84.84,432.73 +27.63,64.96,1006.3,75.38,434.22 +17.28,39.99,1007.09,74.25,463.28 +20.58,39.53,1005.68,62.09,460.1 +24.6,49.3,1003.72,72.26,439.46 +29.98,76.09,1007.62,75.6,432 +12.19,41.17,1019.43,65.47,475.64 +30.71,68.27,1007.76,68.04,428.27 +24.92,63.94,1017.7,44.92,441.07 +25.94,60.75,1007.22,64.76,439.46 +23.92,71.98,1006.22,92.96,433.23 +11.04,39.96,1025.75,94.44,468.84 +22.1,65.94,1009.79,67.57,443.95 +19.45,41.1,1001.88,52.16,458.26 +24.56,63.21,1013.79,82.38,444.34 +31.86,73.88,1005.6,57.68,435.91 +22.49,45.61,1013.1,75.69,455.12 +19.13,50.78,1008.51,87.54,447.03 +20.55,68.63,1012.5,67.07,453.47 +15.92,41.2,1016.04,73.37,468.91 +18.4,43.69,1016.59,52.44,462.05 +12.73,44.34,1015.11,93.55,472.94 +7.68,39.96,1023.73,87.48,477.84 +14.02,44.85,1016.54,75.73,469.53 +30.94,64.44,1014.36,53.76,439.84 +9.42,41.4,1030.38,87.8,472.99 +11.12,41.54,1020.13,75.07,477.69 +3.92,41.31,999.22,95.26,487.35 +20.38,66.54,1013.95,77.8,448.93 +25.6,73.67,1005.78,84.82,433.25 +23.22,59.15,1014.58,75.18,443.7 +25.14,60.37,1006.63,77.17,438.39 +7.92,42.28,1008.55,81.68,484.75 +24.77,69.71,1009.86,85.56,441.29 +30.36,69.82,1010.02,54.22,439.05 +21.81,65.06,1014.6,66.41,447.13 +27.12,70.32,1009.94,52.67,429.08 +8.97,39.66,1021.63,78.94,482.62 +23.31,60.37,1005.17,82.75,438.52 +20.8,69.45,1013.7,82.48,443.77 +9.31,41.39,1018.3,93.68,480.25 +27.5,59.54,1004.88,72.7,438.81 +10.47,41.06,1022.24,81.16,477.47 +13.86,50.59,1019.2,97.22,467.23 +23.42,50.05,1006.79,86.45,441.8 +15.56,41.1,1003.55,76.92,464.42 +16.96,46.36,1019.91,89.11,460.57 +18.68,62.1,1019.78,83.67,453.25 +18.33,49.64,1025.36,62.57,468.14 +13.78,40.1,1014.49,81.86,445.98 +12.19,41.06,1021.35,74.98,474.63 +15.56,41.04,1025.8,64.81,457.11 +32.87,70.8,1009.54,59.85,433.1 +25.76,57.32,1011.93,43.61,440.26 +11.27,40.69,1014.35,86.63,476.27 +26.69,70.36,1006.82,68.29,435.04 +6.45,35.77,1018.86,67.84,483.12 +23.86,74.93,1016.88,71.44,444.38 +27.16,47.43,1009.17,45.79,442.85 +33.97,72.29,1008.98,44.32,432.33 +10.37,40.03,1017.47,90.47,477.91 +25.15,71.14,1011.68,70.33,434.99 +10.52,41.48,1018,68.99,469.8 +28.88,66.56,1006.26,59.15,426.66 +19.89,68.08,1012.65,80.25,448.71 +19.31,43.56,1013.65,41.54,463.35 +7.14,41.22,1016.6,97.09,435.58 +28.18,71.14,1011.56,48.03,432.72 +26.08,57.32,1012.2,47.06,441.32 +29.01,64.79,1017.62,44.31,442.12 +21.84,58.86,1014.13,69.67,445.16 +16.82,49.15,1020.68,72.07,462.22 +29.03,67.79,1010.86,54.03,445.03 +14.78,41.17,1016.42,67.42,469.69 +15.55,43.71,1024.34,79.61,465.14 +30.22,70.32,1011.63,65.97,435.98 +25.97,68.12,1013.11,61.97,437.11 +19.21,53.16,1013.18,81.64,454.01 +18.94,48.7,1007.82,92.88,453.36 +22.2,44.05,1007.34,75.13,445.32 +26.9,77.95,1017.47,75.58,434.18 +16.58,46.18,1010.4,96.29,463.51 +10.72,35.76,1019.71,62.26,473.48 +13.64,34.03,1018.32,62.2,469.61 +24.34,70.79,1006.82,85.66,433.83 +30.9,73.68,1014.95,40.9,430.29 +7.76,39.61,1021.63,80.67,488.32 +9.08,36.18,1020.24,68.37,477.26 +9.45,39.04,1023.08,75.81,483.66 +28.71,51.43,1006.4,64.79,440.17 +25.3,49.3,1003.67,69.08,436.62 +24.47,48.6,1002.49,75.04,442.08 +15.59,52.05,1013.67,78.55,456.07 +29.72,77.95,1014.9,72.73,434.99 +32.81,71.32,1007.69,47.29,434.38 +29.2,70.79,1004.8,63.74,425.2 +25.34,70.47,1006.46,83.94,433.34 +10.37,37.83,1006.5,90.99,470.66 +13.12,52.75,1023.69,67.5,462.7 +14.8,44.21,1021.59,89.24,466.21 +11.51,41.06,1021.3,78.11,476.91 +14.4,41.26,1021.41,73.11,462.78 +22.36,58.79,1016.69,73.6,445.76 +20.61,44.63,1008.54,77.54,456.68 +13.86,41.78,1010.75,57.9,467.39 +12.27,39.82,1012.18,85.58,477.54 +13.13,50.59,1020.26,87.44,470.03 +25.1,60.37,1005.83,72.53,438.44 +8.47,42.02,1005.37,92.73,477.67 +21.18,60.1,1011.02,78.19,452.39 +11.02,43.02,1012.32,66.54,478.81 +28.69,58.33,1013.67,34.1,448.54 +18.85,41.1,1001.95,61.75,462.4 +29.83,62.66,1007.98,47.07,438.71 +27.63,71.98,1005.45,82.88,426 +17.7,49.21,1015.16,67.91,455.97 +22.69,48.14,1013.7,62.05,448.52 +10.56,39.13,1010.19,87.12,463.14 +14.86,44.85,1016.19,67.43,468.87 +27.24,44.89,1009.61,51.89,442.84 +22.74,61.87,1009.66,55.03,444.59 +25.31,61.5,1009.31,63.31,437.03 +29.13,68.3,1014.96,37.08,437.25 +8.42,43.14,1011.62,80.32,483.49 +30.76,73.17,1009.89,50.43,430.98 +28.46,49.16,1004.61,38.1,438.02 +18.15,41.67,1012.75,52.69,464.44 +28.71,71.64,1005.21,71.11,432.05 +9.65,44.68,1022.9,98.08,476.71 +7.28,38.56,1018.96,67.98,485.57 +16.26,44.89,1010.48,86.57,456.86 +25.86,60.32,1015.91,53.37,446.58 +11.6,39.96,1011.65,80.79,473.22 +21.43,63.47,1011.95,94.47,448.17 +28,74.22,1008.68,66,433.94 +28.83,72.43,1006.69,67.04,428.85 +12.42,43.14,1015.88,79.48,471.1 +33.37,71.37,1003.75,45.26,432.67 +7.41,40.81,1026.15,88.96,488.48 +14.54,42.77,1019.61,81.82,466.37 +26.63,61.47,1008.18,69,444.16 +29.87,69.13,1001.08,72.75,426.47 +14.97,42.28,1007.31,79.25,466.62 +34.62,69.05,1000.68,38.35,425.41 +32.11,78.05,1010.36,58.78,431.31 +4.69,39.42,1024.58,79.35,486.34 +17.1,48.98,1016.48,85.63,454.43 +13.77,42.86,1012.86,88.83,471.94 +21.75,59.8,1016.65,72.94,453.17 +24.98,58.05,1011.69,69.97,447.15 +26.48,73.06,1008.07,90.73,433.31 +13.78,40,1018.38,68.67,458.74 +5.54,41.38,1020.47,82.91,490.07 +22.07,69.94,1011.18,80.86,440.09 +30.45,43.21,1011.35,63.59,438.68 +21.79,61.45,1011.11,91.78,446.99 +15.81,54.3,1017.8,68.45,461.63 +6.86,38.08,1019.62,77.37,486.92 +10.23,43.72,1011.18,97.93,471.61 +22.09,65.59,1015.54,72.44,447.28 +28.37,75.6,1017.48,55.19,439.25 +10.07,40.92,1021.43,97.15,467.01 +26.02,59.57,1011.16,76.93,446.5 +25.96,60.95,1014.52,50.03,444.19 +11.3,25.36,1008.66,96.18,471.19 +15.12,41.04,1025.95,69.67,460.58 +15.08,37.85,1009.85,85.9,465.58 +32.95,67.9,1005.88,45.15,425.89 +23.8,48.6,1002.43,67.32,440.89 +6.86,41.38,1021.35,90.78,487.49 +17.3,58.59,1015.52,87.17,454.88 +26.85,75.6,1017.43,74.55,433.48 +26.82,60.96,1012.25,57.41,449.81 +7.87,41.17,1020.33,77.77,486.2 +15.58,40.66,1016.34,87.42,460.61 +24.39,60.84,1018.5,61.73,442.72 +11.93,41.38,1021.76,57.63,473.88 +6.67,36.08,1022.31,83.51,486.52 +29.45,68.84,1011.64,59.7,438.41 +22.26,60.77,1018.26,85.94,442.58 +25.64,47.01,1014.81,62.29,454.48 +22.46,58.33,1013.21,68.68,445.9 +24.12,51.43,1006.55,83.77,441.49 +31.85,68.3,1014.76,47.06,428.72 +25.63,58.86,1014.86,52.75,443.84 +17.09,42.42,1009.03,72.01,464.11 +26.22,69.89,1015.46,76.63,433.61 +8.26,39.42,1025.89,70.53,474.72 +23.2,73.17,1012,89.92,438.64 +20.92,63.86,1020.49,72.98,449.09 +6.67,39.37,1019.99,75.61,486.84 +29.6,71.94,1007.07,62.65,429.02 +23.27,67.9,1006.17,71.01,447.25 +28.43,63.31,1013.44,49.99,432.62 +13.84,42.18,1015.74,79.76,468.66 +11.42,40.35,1011.55,82.71,478.7 +23.66,69.51,1012.9,52.59,435.39 +26.09,70.4,1007.41,85.37,432.52 +18.5,47.03,1013.97,93.6,460.08 +16.28,42.99,1007.5,77.27,464.13 +8.61,41.04,1024.81,95.6,473.62 +26.11,62.44,1010.68,72.59,438.87 +5,40.64,1021.05,94.84,485.27 +22.95,63.94,1013.91,81.52,438.33 +15.92,39.16,1006.59,71.32,460.45 +23.07,65.27,1013.24,58.38,443.42 +26.42,59.54,1007.02,76.28,438.5 +11.64,38.25,1013.33,85.79,472.34 +17.11,49.78,1007.25,100.09,453.22 +7.17,41.92,1031.97,83.86,485.08 +27.52,66.48,1004.99,52.54,429.67 +8.25,43.14,1011.3,87.1,479.95 +24.49,59.87,1018.4,59.95,444.54 +28.19,71.97,1008.85,84.67,438.8 +17.76,40.55,1002.82,73.77,461.8 +20.9,67.71,1007.16,59.02,446.57 +22.31,61.45,1009.25,98.56,437.05 +8.88,41.54,1019.05,80.77,484.99 +20.01,52.9,1018.05,58.88,455.57 +23.36,59.15,1013.71,86.64,442.53 +25.54,61.08,1013.14,71.15,447.06 +24.5,58.66,1011.54,57.92,451.03 +12.68,43.7,1016.07,86.89,471.8 +11.52,39.18,1023.43,83.29,474.35 +28.08,64.44,1013.02,64.34,440.26 +28.66,74.93,1014.04,51.26,440.79 +30.02,69.04,1009.68,56.01,440.49 +9.53,40.62,1015.57,75.49,469.9 +18.58,63.78,1016.24,78.74,453.96 +8.91,40.11,1022.87,78.39,475.43 +26.44,59.15,1013.35,60.71,439.65 +23.86,73.5,1011.34,87.32,438.62 +30.02,73.5,1010.52,44.91,429.84 +12.17,49.83,1008.05,96.44,469.52 +25.58,61.08,1013.37,71.27,446.32 +12.73,40.27,1005.68,68.77,475.61 +10.74,44.85,1014.25,71.61,476.83 +15.25,46.36,1019.69,95.83,461.68 +27.35,77.95,1012.14,74.14,431.72 +30.28,67.22,1014.39,53.32,447.67 +24.88,51.43,1011.28,67.38,441.03 +33.74,69.98,1012.51,43.3,425.35 +32.57,65.74,1011.03,46.27,440.56 +27.54,68.27,1008.12,56.42,433 +16.09,44.71,1017.86,42.74,464.95 +23.86,52.84,1006.56,48.94,444.66 +27.78,70.8,1009.81,79.57,431.44 +24.11,68.63,1014.34,45.28,448.45 +6.39,35.57,1025.53,77.23,487.69 +14.16,39.28,1015.63,77.29,471.27 +13.43,43.56,1013.02,66.36,472.94 +20.11,42.04,1010.79,60.31,464.13 +7.32,39.42,1026.15,76.51,476.12 +13.71,45.08,1023.35,82.93,468.43 +21.49,68.28,1004.68,80.64,438 +15.25,39.58,1012.1,73.05,466.21 +19.81,56.65,1020.62,67.99,457.72 +25.71,71.73,1009.72,75.29,434.16 +9,36.3,1027.11,75.89,480.31 +28.85,57.19,1008.2,58.4,436.8 +14.66,40.73,1017.45,88.57,459.23 +21.94,57.5,1014.64,78.52,451.1 +26.48,66.54,1011.61,51.9,438.87 +24.08,49.3,1003.23,70.42,443.46 +25.95,63.47,1011.77,66.22,445.5 +19.76,62.1,1020.07,73.55,450.44 +5.07,40.07,1019.32,66.17,494.87 +5.62,41.38,1020.91,86.21,490.83 +6.8,37.8,1021.09,70.02,485.96 +24.77,57.17,1010.66,73,441.12 +18.59,44.63,1003.99,86.22,459.65 +11.17,44.77,1018.2,79.6,470.85 +25.87,47.01,1014.67,61.87,452.32 +15.46,37.64,1014.57,87.53,462.96 +22.63,58.41,1013.69,90.32,445.43 +29.59,74.78,1009.45,55.75,436.77 +22.25,60.84,1018.07,73.67,443.99 +31.53,74.99,1003.93,58.29,432.34 +17.95,49.21,1012.05,59.44,455.1 +29.45,64.96,1005.52,59.92,433.04 +31.31,64.44,1014.24,51.08,438.14 +8.41,40.67,1019.97,69.2,489.25 +22.85,60.08,1018.05,67.12,452.5 +16.02,39.54,1007.73,72.81,466.15 +15.12,43.79,1016.37,75.62,470.11 +14.47,48.79,1017.05,69.87,466.25 +12.1,41.17,1013.72,75.61,478.1 +15.38,43.99,1022.42,83.41,462.48 +22.16,65.48,1017.22,70.51,446 +26.31,72.39,1001.16,88.43,434.53 +15.14,39.72,1002.96,72.52,460.15 +26.49,61.86,1012.55,74.24,440.21 +23.06,56.85,1012.5,64.03,440.03 +16.21,50.9,1012.46,84.45,462.68 +8.76,41.82,1033.29,76.5,480.08 +11.92,40.55,1016.91,100.07,472.45 +28.64,73.4,1011.48,52.84,441.32 +17.95,59.15,1012.73,84.27,449.14 +33.82,73.03,1013.49,42.17,439.3 +5.82,40.78,1024.82,96.01,470.02 +20.41,48.06,1012.62,76.21,451.26 +31.23,72.58,1006.61,60.8,427.58 +6.58,40.07,1014.22,55.44,493.72 +13.1,41.48,1009,87.41,460.34 +20.13,40.33,1005.31,85.42,460.09 +29.12,74.87,1009.85,62.51,435.51 +19.57,68.61,1011.13,96.4,448.73 +25.38,72.24,1010.76,89.64,432.3 +12.56,41.4,1019.23,74.26,472.54 +28.25,57.19,1007.99,67.9,436.99 +27.24,77.17,1009.37,81.51,439.12 +16.41,44.92,1024.27,84.16,462.12 +26.1,63.56,1013.12,61,442.75 +17.37,41.23,998.79,68.44,461.08 +31.81,66.44,1011.21,53.55,426.84 +13.83,45.08,1024.2,80.52,465.5 +28.43,73.18,1012.52,71.05,427.11 +12.07,38.25,1012.67,81.66,470.36 +14.73,58.2,1019.45,82.48,458.56 +16.65,56.89,1013.52,87.44,452.52 +22.56,60.29,1018.19,67.53,447.15 +23.76,61.5,1009.15,68.52,441.16 +14.72,38.91,1015.17,61.75,468.87 +22.63,58.49,1010.94,72.7,448.38 +21.82,58.66,1011.71,64.37,452.16 +20.88,47.45,1007.5,76.21,449.34 +18.4,43.96,1012.4,77.81,464.63 +23.29,65.61,1014.81,70.27,447.67 +26.65,74.67,1015.73,77.32,435.9 +24.62,72.43,1007.97,84.36,436.89 +27.94,69.84,1003.11,70.47,428.67 +27.96,68.51,1007.26,63.21,432.07 +25.52,71.73,1009.91,79.55,434.67 +9.28,41.38,1021.96,72.22,486.18 +20.5,51.19,1009,91.79,445.35 +24.38,47.01,1015.17,68.96,454.85 +25.69,59.54,1004.05,81.69,439.06 +13.86,44.21,1022.6,83.56,468.3 +31.44,64.44,1014.04,49.15,437.6 +26.88,69.51,1012.76,45.03,436.3 +27.83,69.04,1009.69,63.79,443.24 +29.66,59.22,1013.25,61.2,441.58 +11.49,41.54,1020.17,70.91,476.74 +5.62,41.31,1001.37,89.16,485.6 +31,71.77,1006.29,48.56,431.07 +28.18,71.85,1008.78,82.88,427.83 +5.76,40.07,1013.22,62.99,494.67 +14.73,36.99,1007.32,90.84,468.23 +24.91,57.17,1010.88,72.97,446.01 +25.12,77.95,1009.26,82.95,433.4 +21.42,56.89,1014.39,84.05,444.86 +26.06,54.5,1015.52,67.12,451.67 +21.14,58.98,1009.05,94.36,448.31 +6.91,39.37,1019.58,71.02,488.2 +13.97,53.82,1016.81,62.32,465.24 +14.64,42.77,1017.59,79.6,464.27 +31.58,66.54,1003.26,54,429.73 +10.27,41.44,1017.04,77.09,479.3 +7.94,43.65,1018.75,59.45,479.8 +9.32,36.3,1027.67,73.25,479.52 +11.87,41.58,1017.29,90.3,464.77 +22.58,43.79,1015.66,44.18,460.3 +19.2,59.21,1017.84,89.56,450.86 +30.18,68.24,1009.31,64.06,427.38 +26.27,71.98,1005.72,86.15,427.65 +19.39,43.14,1012.75,44.21,464.55 +12.81,44.34,1015.55,90.37,474.03 +30.93,69.98,1013.33,62.1,432.25 +20.03,57.19,1007.31,81.69,446.46 +27.34,71.29,1008.32,56.51,434.94 +17.7,48.98,1015.79,83.18,454.41 +20.61,65.61,1014.91,83.82,449.72 +13.82,40.2,1013.19,90.11,466.99 +31.77,76.09,1007.4,73.36,431.69 +26.55,69.45,1013.88,55.39,435.64 +20.42,62.96,1020.34,84,452.08 +20.76,59.04,1012.51,85.39,448.92 +26.08,76.86,1003.3,79.49,436.85 +22.86,66.48,1003.77,71.22,435.56 +30.33,70.32,1007.75,52.49,430.1 +27.22,67.9,1005.73,57.29,441.22 +25.22,69.88,1007.17,80.26,443.24 +15.3,38.62,1017.19,70.63,462.65 +24.01,50.16,1004.22,75.32,443.03 +8.01,40.62,1015.62,86.43,476.22 +19.31,44.71,1016.13,30.59,463 +22.07,70.72,1010.52,82.96,442.88 +27.31,68.14,1005.73,50.74,437.83 +19.89,50.78,1008.85,92.97,446.35 +14.07,46.18,1017.77,87.83,465.05 +12.07,40.81,1025.63,68.02,475.96 +31.19,69.68,1012.6,52.06,440.97 +26.7,62.26,1011,71.64,435.03 +21.94,58.79,1010.3,88.21,447.52 +12.19,40.23,1017.76,81.44,474.92 +13.03,41.26,1022.17,79.79,466.02 +28.55,74.33,1011.77,73.34,426.48 +15.73,38.73,1002.48,76.91,466.63 +16.22,41.35,1000.96,79.59,462.21 +27.44,47.93,1002.71,59.44,437.76 +25.51,64.27,1013.28,61.85,444.76 +19.14,56.65,1020.84,82.97,458.06 +16.5,44.2,1018.94,63.59,458.3 +13.78,45.51,1015.56,69.92,468.17 +13.29,71.14,1019.63,75.09,464.18 +27.06,77.17,1008.71,90.6,432.2 +13.67,44.92,1023.6,85.35,467.71 +14.7,44.9,1021.87,83.9,468.69 +11.48,37.5,1014.38,69.75,472.9 +16.95,58.86,1015.96,87.8,453.2 +22.3,50.78,1008.85,81.27,449.86 +27.37,70.72,1009.77,67.87,441.9 +18.61,44.06,1016.91,75.01,452.68 +27.98,74.87,1010.02,66.44,435.32 +9.39,39.66,1019.22,75.33,482.16 +22.19,48.78,1017.84,76.01,446.51 +25.48,60.29,1017.55,51.22,443.77 +27.51,71.32,1007.59,80.02,433.16 +11.37,39.16,1016.54,87.05,480.54 +8.68,43.14,1011.94,79.06,480.73 +25.3,59.43,1009.15,58.3,442.5 +12.82,48.14,1017.47,81.45,467.48 +20.31,49.69,1011.57,69.03,455.37 +23,49.5,1014.15,66.68,454.44 +14.24,45.01,1013.54,88.68,461.64 +20.17,50.66,1014.38,82.09,454.79 +7.69,38.06,1020.72,83.47,483.54 +30.36,69.04,1009.6,58.73,436.72 +29.12,66.51,1015.69,37.9,432.88 +27.01,67.98,1006.01,67.98,434.65 +24.24,72.43,1008.02,86.4,436.6 +22.49,58.71,1009.75,76.43,443.33 +23.76,70.32,1012.13,78.84,434.64 +18.09,43.72,1008.64,74.15,453.02 +15.96,41.66,1011.93,55.47,466.39 +25.54,61.08,1013.77,69.64,448.57 +22.96,70.79,1005.68,93.93,434.47 +14.76,39.64,1010.37,81.99,465.82 +16.16,52.05,1013.19,75.37,463.09 +22.36,59.44,1013.1,84.74,446.75 +25.79,65.27,1013.26,55.35,440.04 +18.78,63.09,1019.22,80.2,452.86 +6.49,36.3,1016.52,69.1,483.43 +19.4,49.69,1012.89,75.53,455.6 +6.16,38.5,1012.83,93.68,490.92 +15.31,41.35,1005.09,95.25,466.5 +5.74,40.62,1016.31,84.91,481.15 +30.31,77.24,1008.02,67.84,435.28 +24.54,72.24,1011.43,74.1,435.08 +22.97,72.24,1011.15,95.85,437.41 +22.45,59.87,1018.92,72.73,445.34 +13.9,41.17,1016.84,72.9,468.96 +17.78,52.08,1006.9,100.09,453.31 +9.59,40.11,1026.05,74.27,470.71 +11.91,44.45,1021.39,84.49,466.52 +31.26,70.36,1006.49,60.47,438.15 +23.82,64.15,1020.96,60.11,447.37 +25.02,69.75,1010.04,91.86,437.87 +25.47,70.36,1005.79,77.73,437.02 +27.13,59.54,1004.33,73.27,438.32 +24.6,48.78,1018.1,73.71,442.23 +24.95,76.16,1006.2,76.16,437.47 +7.55,41.04,1027.03,83.32,476.58 +34.24,74.67,1016.24,25.56,425.58 +19.94,44.9,1008.52,74.69,459.47 +27.14,63.13,1013.38,75.68,438.82 +28.56,74.22,1007.45,69.6,434.54 +13.05,44.34,1018.47,81.2,473.4 +26.72,74.87,1010.18,70.74,441.93 +12.5,43.67,1013.99,90.91,473.26 +20.62,68.12,1012.33,79.88,447.16 +16.17,38.01,1022.19,70.99,462.54 +9.58,38.08,1019.49,67.54,478.5 +25.42,73.21,1001.91,93.78,432.04 +30.31,70.36,1006.55,59.92,439.11 +23.76,51.19,1009.69,70.87,442.9 +29.42,79.74,1007.24,61.26,437.61 +8.8,42.32,1017.91,86.8,483.88 +27.16,72.58,1009.24,90.26,429.59 +19.75,49.02,1009.38,92.89,446.63 +30.44,68.84,1010.97,55.34,438.31 +18.6,41.67,1013.07,64.23,458.91 +19.65,45.01,1014.18,56.77,451.63 +15.99,49.21,1015.17,76.4,463.47 +8.73,41.26,1020.54,91.37,476.42 +15.99,39.63,1006.09,89.92,464.95 +5.56,45.87,1006.99,96.48,476.61 +8.88,39.66,1015.21,88.29,481.45 +5.42,41.38,1020.77,86.02,491.38 +8.97,36.24,1013.21,90.77,477.89 +18.18,61.87,1008.64,66.28,453.1 +12.87,41.5,1013.51,85.72,469.44 +14.23,46.18,1017.39,87.29,463.86 +18.17,66.86,1011.29,78.48,452.77 +19.73,49.69,1007.78,73.02,454.28 +25.36,61.41,1011.89,55.64,452.29 +29.78,73.42,1011.27,52.79,445.58 +32,58.9,1003.48,51.38,437.81 +18.64,67.71,1003.84,89.63,442.26 +13.16,43.71,1024.44,85.68,469.06 +7.64,40.02,1031.58,71.19,479.43 +11.87,41.78,1012.97,64.79,470.84 +20.56,59.14,1016.02,68.59,448.82 +11.41,39.61,1018.69,69.44,467.19 +26.11,52.36,1013.9,59.62,453.76 +19.06,56.65,1020.82,82.14,455.7 +9.13,40.02,1031.08,74.76,473.47 +8.44,41.17,1019.9,70.72,486.15 +14.44,42.32,1015.61,76.85,462.13 +6.3,39.33,1010.63,94.26,489.95 +13.47,44.88,1017.56,93.23,476.67 +20.66,41.54,1014.68,79.7,461.55 +23.62,45.87,1007.75,58.69,445.55 +16.69,46.18,1011,97.85,458.57 +28.01,44.89,1008.98,48.52,444.76 +21.73,64.63,1020.84,68.9,450.36 +30.35,69.51,1009.95,39.24,430.07 +8.67,36.66,1026.8,84.36,480.38 +30.51,59.57,1011.08,61.94,436.92 +26.12,66.75,1017.86,79.02,433.67 +13.11,38.73,1005.89,89.02,473.38 +21.41,62.39,1007.84,88.83,452.8 +12.33,45.51,1016.49,79.2,471.16 +24.02,77.54,1008.33,83.92,438.52 +9.37,38.56,1016.84,62.07,482.77 +11.26,44.92,1023.63,88.99,474.69 +30.12,69.71,1009.1,52.02,435.85 +4.65,35.19,1018.23,94.78,489.36 +28.21,70.8,1010.45,77.92,435.99 +30.83,71.58,1009.92,48.8,432.11 +6.59,39.37,1020.34,77.92,488.17 +21.84,64.69,1007.57,77.34,450.25 +31.63,70.17,999.4,59.94,432.07 +4.7,39.9,1007.45,91.02,487.78 +31.11,75.33,1002.32,64.25,433.37 +18.21,41.23,993.11,62.29,457.53 +9.82,39.64,1010.79,69.22,477.93 +16.77,38.01,1023.04,65.5,460.16 +16.88,39.99,1007.08,74.29,462.83 +21.08,70.32,1011.39,88.79,440.59 +22.79,69.13,1010.87,91.47,438.08 +26.96,62.39,1008.14,73.95,437.41 +30.87,67.32,1013.78,34.54,436.96 +19.74,45.38,1015.11,80.67,459.39 +24.22,71.14,1009.38,64.53,438.88 +16.27,44.21,1020.56,82.22,462.11 +14.41,46.18,1016.25,88.88,462.49 +10.48,41.38,1021.97,65.22,481.41 +14.24,44.84,1023.6,94.06,466.67 +23.08,74.78,1009.85,83.67,437.86 +25.77,73.68,1014.18,87.53,429.84 +17.94,62.1,1019.81,82.65,453.55 +9.43,41.4,1028.42,84.92,479.28 +13.98,41.79,1010.6,83.84,457.12 +25.02,47.45,1008.07,60.42,446.62 +30.99,69.82,1009.41,50.84,437.46 +17.17,63.09,1020.54,95.98,446.75 +19.4,42.44,1013.19,58.63,459.76 +24.1,68.08,1012.73,65.24,440.33 +12.07,39.99,1009.7,93.27,473.06 +9.55,40.72,1023.12,68.06,481.08 +9.57,52.75,1022.32,75.4,470.93 +21.74,70.32,1011.88,85.95,439.19 +30.99,68.51,1008,71.35,430.09 +17.88,45.87,1008.39,93.63,455.83 +17.51,53.16,1013.13,82.86,457.45 +7.79,43.13,1019.67,85.35,484.42 +31.56,66.44,1008.91,64.16,430.11 +30.58,68.84,1011.34,51.29,439.71 +13.35,39.64,1010.1,93.3,471.69 +17.9,67.71,1004.3,89.59,449.73 +21.94,50.32,1008.44,86.98,444.89 +31.49,69.13,1009.33,53.9,425.74 +8.48,42.49,1010.77,88.68,483.5 +26.85,73.77,1001.2,90.13,431.24 +26.75,60.96,1012.05,56.77,447.93 +24.91,64.45,1013.02,42.34,450.84 +23.03,68.08,1012.63,70.37,441.71 +12.99,40.55,1007.52,94.15,472.18 +23.79,48.06,1012.92,60.03,447.59 +23.42,63.07,1011.72,75.81,444.23 +32.09,69.4,1003.1,56.91,430.62 +21.78,51.43,1007.45,88.71,446.56 +31.92,69.13,1000.77,58.91,425.19 +22.79,50.78,1008.65,58.39,447.12 +10.52,42.18,1014.9,95.67,469.03 +7.64,42.28,1008.46,84.29,484.78 +15.8,41.2,1016.08,77.83,468.55 +17.3,46.21,1013.56,87.57,456.77 +18.26,61.27,1019.1,74.74,428.67 +14.03,41.79,1008.07,83.32,457.98 +24.55,58.86,1015.22,60.53,445.8 +24.6,57.32,1012.48,45.14,442.64 +25.04,70.36,1006.56,75.91,436.47 +32.31,62.04,1010.45,38.01,449.65 +21.17,64.15,1021.25,62.38,454.15 +9.15,40.11,1023.82,75.4,475.01 +27.34,63.78,1016.5,48.4,446.56 +11.7,43.41,1016.08,62.27,467.51 +27.58,73.06,1009.63,88.31,438.1 +20.53,54.9,1016.61,61.28,454.67 +9.55,41.44,1015.07,85.94,481.75 +9.94,41.44,1015.21,87.02,481.24 +6.71,40.72,1022.78,80.69,483.11 +31.09,64.05,1011.32,61.14,440.62 +17.23,40.12,1013.52,81.55,456.2 +18.27,58.2,1018.34,72.73,448.17 +9.06,36.3,1015.14,58.71,477.38 +14.66,41.66,1012.89,62.41,466.87 +23.79,58.2,1016.77,55.88,446.88 +31.33,58.9,1003.77,52.34,439.54 +10.26,43.14,1019.68,98.97,466.75 +33.75,64.96,1002.54,39.28,432.62 +18.72,60.07,1015.81,70.55,454.35 +20.71,58.18,1007.63,98.44,447.06 +28.87,71.97,1008.74,82.61,435.86 +12.63,48.04,1013,100.13,464.6 +13.69,34.03,1018.45,65.76,469.12 +20.3,67.32,1013.49,80.9,441.51 +14.93,42.44,1012.65,86.8,471.24 +25.43,69.13,1002.2,86.44,431.53 +24.85,71.98,1005.97,95.09,433.64 +14.67,45.01,1014.28,67.91,460.47 +3.63,38.44,1016.16,87.38,487.87 +28.54,72.99,1007.42,67.87,432 +15.26,41.2,1016,76.06,467.98 +29.88,68.08,1011.14,55.78,429.33 +5.65,40.72,1022.46,85.17,487.09 +9.2,39.82,1013.19,91.25,482.89 +18.85,44.63,1009.06,84.75,456.72 +28.16,61.47,1009.19,62.53,442.48 +13.15,42.44,1014.51,99.53,469.34 +16.97,50.9,1012.31,82.65,463.28 +17.33,42.28,1007.97,50.33,462.26 +17.39,46.21,1013.94,82.73,454.06 +26.26,65.06,1013.58,52.72,440.92 +13.72,45.01,1014.07,77,464.59 +10.99,44.63,1020.67,90.09,473.29 +8.94,41.74,1022.55,90.74,483.53 +22.5,59.43,1010.31,72.17,441.92 +23.62,68.63,1013.18,50.57,447.3 +17.17,44.68,1018.72,83.58,462.53 +12.47,38.25,1012.74,82.89,469.56 +16.65,46.18,1010.6,95.69,465.6 +24.56,71.94,1006.81,89.59,437.97 +25.49,47.45,1007.89,57.04,444.52 +7.33,40,1018.96,80.76,478.16 +20.52,43.79,1015.9,68.1,463.93 +13.61,41.16,1020.49,75.09,462.67 +22.5,45.38,1014.11,65.08,458.19 +28.24,65.27,1013.43,48.74,439.36 +30.04,67.25,1017.65,52.84,435.17 +14.38,44.84,1024.59,81.68,471.6 +24.78,68.63,1013.96,43.7,448.43 +19.99,40.79,1003.15,87.55,455.28 +16.01,43.69,1017.12,62.43,465.89 +29.09,72.43,1006.86,65.47,427.3 +13.31,40.03,1017.73,84.48,470.31 +33.34,69.88,1007.65,42.72,437.84 +26.88,59.21,1013.54,58.13,437.11 +15.69,37.87,1022.63,87.71,462.16 +27.58,78.05,1010.83,94.98,431.95 +20.51,63.86,1020.65,75.36,447.18 +13.56,39.52,1016.61,78.35,470.67 +22.64,59.27,1012.58,83.55,446.2 +30.29,71.58,1010.01,54.03,434.27 +10.15,41.62,1015.86,97.4,463.89 +23.07,57.5,1015.7,75.47,447.49 +7.29,40.96,1023.01,90.78,488.65 +25.34,69.48,1008.4,74.79,433.81 +19.66,58.79,1017.17,84.16,447.93 +17.77,56.53,1019.57,79.89,457.94 +14.34,42.86,1031.75,66.81,466.17 +14.4,42.99,1010.3,89.72,469.34 +18.31,62.1,1020.38,79.02,455.24 +13.56,40.03,1017.73,83.76,472.59 +6.17,41.31,1002.49,87.59,481.27 +25.04,51.95,1005.56,66.53,449.45 +14.49,41.16,1000.5,82.17,465.24 +22.31,43.43,1010.64,56.44,449.67 +16.38,46.97,1013.6,73.67,459.87 +23.48,65.12,1015.82,60.83,445.66 +11.58,39.69,1005.17,86.55,469.6 +14.74,43.99,1023.13,86.31,461.82 +15.33,42.28,1008.19,66.15,465.2 +26.14,69.14,1007.1,88.27,439.03 +32.86,68.51,1008.43,46.78,432.38 +28.88,63.76,1010.16,56.34,435.54 +27.59,54.2,1013.1,51.61,439.31 +21.85,69.94,1010.89,79.4,443 +6.58,43.02,1014.03,84.95,488.22 +20.38,62.52,1017.85,75.56,456.56 +9.53,38.18,1018.43,75.33,476.54 +16.76,53.16,1014.13,81.87,457.98 +32.31,68.94,1006.11,71.78,431.14 +10.22,39.96,1025.05,96.05,471.36 +10.72,39.35,1015.35,86.43,480.18 +21.68,64.15,1021.09,70.88,454.32 +21.13,51.43,1007.43,88.72,445.4 +29.14,75.23,1010.15,54.87,434.82 +12.04,43.69,1016.58,80.16,474.97 +10.1,41.4,1024.29,85.94,474.28 +28.72,68.14,1005.82,46.52,443.26 +28.84,60.23,1009.7,59,437.82 +18.68,52.84,1004.65,88.27,450.19 +16.5,44.63,1020.58,64.11,458.78 +27.18,64.44,1012.81,61.27,440.3 +20.08,58.79,1017.32,81.59,451.21 +19.64,56.65,1020.79,73.88,456.03 +27.77,62.26,1010.88,66.45,430.19 +31.4,71.06,1008.44,74.77,433.34 +3.68,39.64,1011.31,84.05,490.02 +11.89,40.03,1019.53,89.48,471.85 +7.63,40.56,1023.13,81.01,486.7 +26.38,71.73,1010.04,69.45,431.66 +22.89,48.98,1014.55,48.21,448.56 +17.98,53.29,1018.29,83.46,455.71 +14.22,48.6,1006.26,88.05,459.69 +22.35,57.76,1017.92,68.18,453.74 +22.2,57.17,1009.82,78.43,447.75 +16.89,49.21,1015.19,70.39,458.25 +22.51,59.21,1018.35,71.97,444.66 +15.11,42.99,1007.53,85.75,466.25 +25.15,73.67,1007.42,85.48,435.9 +15.47,44.9,1021.59,81.74,465.61 +11.1,40,1021.29,86.58,477.2 +20.78,60.84,1018.66,80.4,445.82 +20.94,68.12,1012.43,78.2,446.41 +5.52,42.85,1012.77,93.82,478.98 +16.19,36.99,1007.37,92.4,462.94 +27.06,72.58,1009.24,90.31,429.18 +19.92,48.98,1014.32,64.99,455.57 +18.53,61.27,1019.84,75.22,454.72 +12.21,41.67,1012.88,85.19,475.07 +11.59,40.05,1014.96,86.22,474.46 +26.61,72.43,1007.71,75.82,427.61 +18.4,44.92,1024.88,64.89,458.36 +24.8,66.51,1016.74,65.72,441.34 +25.47,60.75,1007.27,65.91,438.42 +28.57,75.33,1003.16,76.14,431.58 +31.01,73.5,1010.92,48.61,432.41 +24.38,57.17,1009.85,74.46,444.59 +28.46,60.23,1010.2,63.38,439.88 +18.16,43.72,1008.64,75.22,454.98 +10.6,41.17,1018.38,87.92,478.47 +24.19,68.94,1007.37,70.83,439.52 +12.2,39.72,1018.07,54.83,471.33 +27.95,73.5,1010.42,58.01,435.45 +30.38,71.58,1010.17,50.45,433.75 +28.48,54.2,1013.14,49.51,440.55 +11.3,43.14,1019.56,99.83,469.73 +29.19,70.32,1008.28,55.42,427.9 +30.75,71.22,1006.47,48.06,437.96 +12.37,43.22,1009.1,76.06,468.49 +25.75,60.95,1014.75,53.3,443.73 +28.18,67.17,1006.84,75.55,438.49 +21.89,74.93,1016.11,77.88,448.47 +24.79,50.78,1008.78,61.88,445.3 +30.86,70.32,1011.88,62.68,433.71 +13.51,43.22,1009.63,75.02,465.89 +29.35,68.31,1010.46,46.2,445.86 +19.98,60.77,1017.72,90.71,448.46 +21.77,42.23,1013.03,67.44,462.51 +12.43,41.62,1011.87,80.57,460.61 +3.4,39.64,1011.1,83.43,459.86 +24.73,74.22,1010.15,79.83,436.55 +25.54,70.47,1009.28,73.5,436.16 +25.88,63.73,1009.48,77.17,438.42 +23.07,70.47,1008.64,83.37,439.04 +30.66,70.98,1007.6,72.08,435.66 +13.77,41.58,1020.63,72.94,459.75 +12.57,43.8,1023.2,56.85,466.68 +31.1,71.32,1008.09,45.87,437.54 +22.24,64.27,1012.97,89.54,443.76 +29.08,52.84,1006.14,40.09,438.24 +19.35,39.72,1002.5,51.24,455.29 +28.88,54.89,1007.16,46.6,440.99 +31.7,70.36,1006.26,58.18,438.38 +13.25,44.92,1024.11,89.34,469.18 +18.55,41.1,1002.02,65.16,459.97 +28.69,71.29,1009.22,68.35,433.07 +13.74,42.74,1029.54,70,465.92 +23.97,64.33,1010.54,84.65,443.87 +18.44,39.72,1001.14,66.83,460.44 +16.88,56.89,1014.01,82.1,457 +12.82,46.18,1018.53,88.46,466.06 +7.18,38.56,1016.49,70.37,487.63 +24.34,62.96,1019.7,61.44,446.09 +26.63,62.44,1010.86,70.82,438.25 +11.43,41.16,1022.81,92.04,466.86 +27.24,66.75,1017.78,69.6,433.65 +15.01,42.77,1018.21,73.22,462.6 +11.21,40.75,1016.45,86.14,479.2 +31.46,71.8,1010.75,54.88,434.96 +13.65,42.86,1015.41,87.67,471.75 +9.57,39.82,1013.12,89.15,468.02 +11.46,44.85,1014.3,63.24,475.33 +25.03,60.84,1017.69,59.23,441.58 +14.6,44.84,1023.58,88.21,464.88 +28.88,73.68,1015.25,47.73,432.93 +13.82,44.84,1023.72,95.24,467.95 +7.87,41.06,1020.91,87.64,486.57 +2.34,39.42,1028.47,69.68,490.34 +23.58,70.04,1010.95,76.32,435.47 +21.49,70.32,1009.07,92.25,443.04 +15.84,41.66,1009.69,62.81,465.5 +25.82,61.08,1013.64,66.4,448.46 +10.18,40.81,1015.79,81.42,475.13 +28.4,69.34,1009.76,70.4,436.5 +12.35,41.38,1021.99,55.38,474.94 +16.52,43.7,1015.08,58.36,466.73 +9.6,42.03,1017.66,92.27,474.65 +7.54,38.56,1016.49,69.1,486.76 +8.04,41.92,1029.7,92.21,482.58 +11.82,41.26,1020.74,91.14,466.95 +21.62,48.78,1020.06,85.09,448.52 +15.41,44.78,1007.69,65.17,456.83 +26.47,63.13,1013.72,79.4,441.81 +31.5,74.16,1011.72,56.42,436.43 +12.24,49.83,1007.9,94.28,466.83 +13.52,41.44,1015.81,65.97,472.11 +10.02,39.66,1016.34,79.98,480.05 +21.01,44.05,1010.61,64.12,445.07 +8.35,43.52,1022.78,97.34,479.31 +14.12,39.52,1016.79,75.89,472.32 +35.2,73.56,1006.56,45.72,434.37 +25.28,72.39,1002.28,89.43,432.52 +14.3,41.93,1020.6,65.38,471.32 +19.32,52.9,1016.86,68.2,457.66 +22.04,69.51,1013.25,56.15,446.34 +28.07,66.17,1010.58,64.11,443.77 +23.09,60.95,1015.02,68.78,450.31 +27.17,61.25,1013.03,70.43,435.9 +26.44,71.64,1004.55,85.53,435.61 +27.23,44.05,1005.69,58.91,440.2 +17.68,40.89,1011.24,61.37,462.08 +27.18,79.05,1008.99,94.32,434.01 +27.89,68.12,1012.78,48.72,435.69 +13.5,54.3,1016.2,77.46,468.92 +28.11,66.17,1010.51,65.16,444.2 +28.75,70.02,1010.33,46.55,440.31 +25.56,74.99,1005.41,85.75,433.63 +12.84,50.59,1020.08,88.08,470.96 +20.18,56.53,1020.3,77.1,454.14 +25.65,69.45,1013.95,50.42,436.24 +21.08,52.05,1012.28,45.25,453.4 +14.33,45.51,1015.42,71.55,468.92 +29.13,62.26,1010.51,52.94,436.37 +31.73,74.67,1016.38,44.51,425.34 +18,53.16,1013.02,82.47,455.69 +12.39,44.58,1016.38,84.95,475.37 +28.26,63.13,1012,68.35,440.58 +14.59,42.44,1012.7,83.92,470.86 +16.22,46.36,1020.04,91.73,460.73 +25.99,59.54,1007.78,74.48,441.32 +20.84,59.8,1016.96,75.05,451.13 +26.85,74.16,1008.66,93.8,431.16 +7.24,39.04,1019,68.69,485.57 +14.01,43.34,1016.95,83.41,463.81 +17.66,44.9,1020.5,71.33,457.11 +11.6,40.96,1023.95,86.83,473.66 +16.72,44.78,1007.75,56.79,453.39 +12.77,40.71,1014.66,72.81,471.59 +11.08,38.16,1014.45,74.99,473.32 +8.96,40.02,1031.21,82.32,475.47 +9.86,41.01,1018.49,98.71,467.37 +17.18,46,1002.74,100.1,454.02 +14.5,53.82,1016.81,62.89,464.27 +24.01,65.18,1012.57,76.02,437.27 +24.79,67.83,1009.32,61.46,438.36 +11.67,44.6,1018.09,92.53,467.96 +21.28,70.32,1011.06,90.12,439 +20.96,69.48,1011.04,82.63,444.31 +26.57,73.21,1002.31,92.51,431.68 +16.43,48.06,1010.73,61.26,459.63 +26.22,65.34,1015.17,47.25,444.06 +24.88,52.36,1014.45,68.39,452.31 +12.22,40.71,1021.25,80.83,477.07 +22.28,58.12,1014.54,83.27,448.97 +9.14,37.36,1015.22,78.06,491.97 +27.34,70.98,1008.82,71.42,438.73 +24.9,58.49,1011.06,65.14,444.19 +13.26,40.83,1007.97,90.63,472.14 +21.86,64.45,1015.83,63.36,457.8 +18.55,41.85,1015.24,62.47,467.51 +26.26,74.9,1003.85,81.94,437.44 +5.15,40.78,1025.34,95.84,483.03 +10.8,39.58,1011.99,87.54,478.24 +27.99,71.64,1007.79,72.67,437.81 +18.4,50.16,1011.51,98.07,453.78 +15.17,36.71,1013.5,77.44,471.93 +13.18,40.83,1007.67,95.44,472.36 +30.37,67.45,1015.35,45.6,431.38 +24.88,71.94,1006.85,87.32,433.3 +14.87,42.77,1017.94,75.06,462.03 +20.34,69.45,1012.76,91.05,442.73 +5.71,40.77,1022.51,89.58,485.75 +28.62,79.74,1008.12,65.39,436.12 +12.75,39.58,1010.8,77.31,473.46 +19.76,48.92,1010.48,46.57,456.69 +19.75,54.2,1011.43,83.5,448.89 +11.61,41.17,1019.57,58.82,476.81 +9.63,43.02,1012.4,68.41,480.21 +26.65,63.78,1015.32,53.95,440.26 +24.63,65.38,1010.43,40.68,446.23 +19.94,56.53,1020.48,76.43,453.8 +15.18,43.67,1011.59,92.58,467.74 +25.79,63.9,1014.39,60.49,442.7 +12.64,40.71,1024.2,65.21,476.37 +21.7,70.32,1009.12,91.3,438.52 +12.19,40.23,1017.45,82.07,474.91 +27.73,67.69,1007.47,59.42,431.72 +20.83,70.72,1009.56,89.37,446.48 +16.7,46.18,1011.2,96.84,456.2 +8.27,39.64,1011,84.64,479.91 +27.17,67.45,1015.67,49.03,429.87 +14.92,46.18,1014.21,98.82,465.63 +27.47,66.86,1006.1,70.2,437.45 +9.72,41.44,1015.17,84.41,481.85 +19.97,50.78,1008.75,92.7,446.57 +18.37,51.86,1018.8,74.3,461.14 +14.85,40.8,1025.38,53.29,471.78 +22.92,60.37,1007.05,89.94,438.86 +15.2,40.55,1005,88.4,465.09 +28.07,61.47,1008.68,64.83,442.59 +10.72,41.17,1019.68,60.71,479.21 +16.09,48.78,1015.78,91.12,454.23 +18.68,53.29,1018.16,75.01,459.89 +14.48,40.83,1009.42,81.74,469.64 +28.41,61.47,1008.94,56.56,442.54 +24.03,62.44,1010.96,79.88,430.66 +28.31,74.33,1011.89,69.77,428.46 +21.79,60.93,1006.44,87.68,443.01 +28.53,69.84,1004.46,68.03,427.72 +9.84,36.66,1026.7,70.02,477.62 +34.66,74.33,1012,32.19,425.89 +21.99,58.96,1014.09,61.3,453.38 +23.69,73.67,1007.19,86.73,437.57 +21.94,64.69,1007.39,77.58,449.36 +14.51,49.83,1006.27,91.65,460.45 +13.72,45.09,1012.95,87.41,466.24 +15.03,43.71,1025.07,83.25,463.12 +6.99,39.37,1020.19,75.06,487.18 +28.03,68.67,1005.52,58.16,438.8 +10.9,41.93,1014.96,96.24,477.93 +5.51,41.03,1022.28,84.5,491.84 +17.02,51.86,1021.53,81.28,460 +14.39,44.21,1019.77,85.7,465.03 +24.05,70.4,1006.83,92.35,442.07 +20.99,50.78,1008.55,75.14,449.07 +21.02,61.5,1008.52,77.74,448.08 +31.01,69.13,1000.93,62.96,425.69 +12.38,41.62,1012.37,84.15,461.07 +23.37,70.94,1008.01,81.28,441.56 +12.22,40.78,1024.02,85.46,464.12 +15.28,48.14,1012.55,69.65,460.75 +25.09,57.43,1013.2,70.42,446.11 +23.87,50.39,1012.96,76.05,452.59 +15.43,40.89,1010.63,73.03,468.35 +24.34,48.78,1018,73.44,448.54 +25.09,71.58,1010.17,86.01,434.51 +16.37,53.16,1014.89,74.84,459.52 +11.8,41.54,1020,65.85,476.12 +24.85,68.37,1006.5,68.37,442.66 +17.16,40.55,1000.26,72.21,461.58 +13.09,54.3,1017.61,82.38,471 +10.25,41.46,1018.67,84.41,479.28 +28.39,65.51,1014.52,66.48,438.78 +31.55,69.75,1010.12,58.36,435.01 +23.84,49.21,1013.1,44.72,445.44 +14.46,42.86,1031.34,69.84,464.44 +24.16,65.06,1013.88,58.96,442.32 +20.82,63.77,1014.28,86.37,448.9 +17,49.78,1005.32,100.1,453.77 +11.45,45.01,1018.88,92.12,470.4 +18.26,58.96,1014.04,69.7,457.43 +10.74,43.67,1011.75,80.1,477.32 +20.89,67.71,1006.12,59.12,445.39 +11.82,41.54,1019.96,67.65,476.97 +25.44,65.06,1013.82,55.72,440.09 +29.92,69.75,1009.12,67.15,441.5 +21.11,58.49,1011.6,80.44,449.16 +14.6,53.82,1016.28,64.83,462.86 +25.96,63.78,1016.95,49.47,443.8 +18.32,39.53,1008.15,64.85,454.44 +21.36,68.28,1007.6,72.37,445.91 +15.7,42.99,1007.51,76.05,464.59 +26.82,75.08,1005.93,60.81,441.14 +15.22,41.35,1003.12,95.45,464.56 +27.68,69.34,1008.28,70.9,436.37 +27.14,70.32,1007.08,73.08,427.21 +28.99,54.2,1012.79,41.9,442.6 +32.55,69.89,1013.87,40.09,428.84 +27.01,63.78,1016.72,47.89,442.6 +6.31,42.07,1004.61,77.74,483.27 +23.31,60.08,1017.14,64.35,452.65 +10.66,41.93,1016.12,94.16,479.61 +26.82,64.96,999.72,63.55,427.51 +12.36,45.09,1013.05,88.4,467.2 +10.2,40.67,1016.15,73.2,482.26 +29.17,74.34,1004.51,82.02,433.03 +12.03,40.75,1015.93,85.07,474.97 +31.27,69.13,1009.45,57.01,425.48 +24.8,72.24,1011.58,83.61,435.25 +24.43,72.43,1008.03,85.56,434.71 +24.14,63.21,1012.28,89.08,440.74 +28.13,56.9,1007.17,51.66,436.95 +19.15,39.72,1001.49,58.62,457.45 +11.05,40.75,1016.55,87.08,478.07 +25.23,66.44,1011.37,51.3,438.28 +26.86,70.47,1007.18,72.38,434.59 +12.15,71.14,1019.56,86.06,462.51 +18.5,41.85,1015.81,64.78,466.8 +21.93,58.96,1014.23,58.58,453.42 +10.14,45.01,1018.12,94.32,473.56 +14.04,48.79,1017.62,75.25,464.09 +24.14,60.07,1016.56,58.08,440.17 +13.48,41.44,1015.64,71.46,471.39 +14.26,43.34,1017.24,81.54,464.62 +19.99,65.94,1012.28,75.42,447.22 +16.52,53.16,1014.68,76.82,457.81 +22.75,58.79,1011.44,84.47,445.67 +15.31,40.66,1016.46,84.64,458.26 +21.33,58.46,1016.17,79.73,445.27 +30.28,74.67,1016.45,55.76,428.27 +19.08,44.63,1020.05,41.07,455.95 +23.94,51.95,1008.18,71.87,451.84 +21.12,62.52,1015.62,78.98,450.93 +22.61,60.27,1018.81,83.27,440.98 +14.85,44.63,1020.67,75.76,460.06 +27.26,63.77,1014.07,66.58,436.01 +31.96,71.29,1008.39,47.51,433.04 +25.3,58.46,1015.91,69.71,439.25 +24.49,65.61,1014.71,63.47,447.26 +24.44,72.99,1008.38,91.66,435.47 +17.89,44.78,1010.03,53.78,457.74 +11.92,43.8,1022.96,60.49,470.33 +23.34,63.73,1012.1,79.11,443.68 +18.89,66.86,1012.38,71.96,454.02 +18.63,50.16,1010.21,97.13,450.14 +24.43,60.07,1015.59,59.99,444.71 +9.83,41.17,1019.34,72.29,478.21 +16.68,43.14,1018.39,76.48,459.83 +22.29,45.01,1012.4,51.58,449.08 +5.63,39.22,1013.35,77.67,486.83 +13.72,34.03,1018.57,65.95,469.25 +13.02,45.51,1015.24,80.05,468.46 +8.9,40.77,1011.67,90.26,479.18 +26.44,71.73,1009.52,81.75,430.55 +27.07,74.87,1010.09,58.97,440.47 +27.74,70.32,1009.58,50.29,433.47 +31.5,70.32,1011.44,64.09,435.13 +21.81,43.77,1011.97,64.72,453.13 +15.86,49.69,1015.59,87.26,462.84 +20.31,69.94,1009.7,86.53,446.87 +23.23,64.69,1008.12,76.6,444.01 +18.39,52.08,1006.53,100.09,449.96 +30.68,73.67,1005.63,57.05,429.64 +29.09,67.07,1005.99,41.39,429.93 +27.35,60.75,1008.98,67.56,435.14 +28.46,73.67,1005.67,71.21,429.15 +31.21,66.44,1008.57,65.76,430.7 +18.89,63.09,1018.47,84.85,450 +26.71,68.3,1015.07,62.7,436.66 +13.52,42.07,1017.91,90.21,464.07 +24.17,48.41,1008.46,76.19,442.62 +7.67,41.66,1016.25,77,485.03 +19.44,59.21,1018.5,88.35,448.04 +27,69.4,1004.86,82.2,433.83 +18.16,43.96,1012.78,78.33,465.26 +19.28,65.46,1013.77,64.24,448.91 +15.43,38.58,1016.58,81.17,463.44 +16.32,43.5,1021.3,72.6,460.07 +33.12,68.31,1010.3,42.29,441.13 +8.48,38.5,1013.5,66.51,485.29 +20.76,70.72,1009.73,89.04,448.85 +18.76,52.9,1016.27,64.7,458.26 +24.5,60.77,1017.15,73.66,439.91 +32.4,68.14,1004.44,34.53,425.91 +17.82,65.48,1019.64,86.6,449.21 +27.27,67.9,1006.36,62.12,436.64 +20.14,65.06,1014.81,80.01,444.84 +24.8,65.48,1018.56,62.05,442.02 +26.42,71.06,1008.12,87.32,435.6 +15.34,41.96,1012.08,100.12,468.33 +28.66,50.05,1006.08,47.74,435.94 +14.2,52.75,1025.64,61.02,465.48 +26.12,75.6,1017.41,72.31,439.68 +24.14,62.66,1007.33,73.27,439.93 +23.43,54.42,1013.58,70.99,454.86 +10.41,36.71,1022.02,84.56,474.2 +23.27,60.84,1019.13,67.24,440.22 +18.36,53.16,1013.14,79.89,457.94 +15.8,40.66,1016.15,88.24,458.55 +22.95,63.94,1013.87,80.37,447.13 +19.79,60.1,1010.47,84.04,452.41 +34.43,68.51,1010.17,34.09,431.39 +26.31,68.51,1013.26,68.66,435.91 +11.94,44.6,1018.69,85.33,468.53 +10.82,39.96,1025.53,95.89,468.57 +17.49,40.55,1001.73,73.15,462.37 +26.23,59.87,1012.93,66.62,447.16 +7.26,41.22,1014.86,97.82,488.75 +9.42,41.4,1029.21,86.4,474.75 +16.85,39.64,1008.82,80.81,464.2 +26.31,52.09,1013.39,53.59,447.04 +30.69,69.89,1013.9,42.85,431.01 +16.55,39.64,1009.07,77.8,465.29 +16.29,50.88,1013.79,99.15,456.28 +12.49,38.25,1012.61,83.32,470.63 +10.15,41.46,1019.56,81.79,479.32 +21.71,58.05,1013.07,85.75,449.38 +13.92,44.47,1029.36,70.86,467.29 +24.04,51.95,1006.13,73.92,450.07 +20.03,69.45,1013.47,86.66,441.54 +31.7,76.09,1007.06,72.39,441.36 +26,69.88,1007.99,87.07,434.79 +25.35,74.33,1015.29,77.84,435.66 +24.49,49.82,1017.09,64.02,451.42 +24.27,63.87,1018.88,53.96,420.26 +24.51,58.79,1016.11,61.7,443.5 +12.06,52.72,1024.53,80.05,467.21 +18.53,48.98,1014.24,74.29,452.73 +18.31,42.23,1012.88,79.32,464.45 +24.97,63.86,1018.64,52.01,441.61 +10.02,39.96,1024.88,96.85,473.22 +25.45,72.24,1011.44,80.54,434.92 +26.74,49.02,1008.18,67.59,438.06 +23.45,51.95,1005.23,76.17,449.07 +11.1,44.85,1014.27,65.08,477.03 +24.16,60.29,1018.09,63.49,446.17 +5.45,39.04,1020.07,77.05,487.33 +24.99,51.43,1006.95,79.63,441.45 +18.32,65.94,1012.74,86.77,450.5 +21.63,71.85,1009.44,76.89,434.1 +8.53,38.18,1017.54,76.49,480.86 +28.85,59.27,1011.69,51.8,440.3 +23.23,60.32,1016.73,78.35,447.09 +4.93,38.44,1015.65,71.47,485.01 +18.76,44.71,1015.15,30.83,462.18 +25.52,67.17,1007.33,85.12,440.02 +12.38,48.04,1012.78,100.13,465.99 +16.05,43.14,1010.67,79.36,463.06 +26.75,70.32,1007.61,54.09,433.46 +30.03,68.84,1011.41,53.82,439.31 +24.78,50.16,1004.56,70.22,448.51 +26.97,64.45,1009.43,53.96,443.75 +27.98,67.17,1007.32,75.29,440.68 +26.33,61.41,1011.9,52.1,452.79 +11.34,45.17,1018.32,96.24,472.13 +18.8,44.78,1009.65,46,462.79 +5.23,40.78,1025.13,92.74,483.12 +10.8,39.28,1010.7,82.62,478.8 +19.32,44.71,1015.3,28.81,464.38 +33.15,70.4,1003.72,53.98,430.15 +12.8,39.16,1015.94,89.83,472.47 +19.3,46.93,1014.83,66.71,456.62 +26.33,60.06,1005.86,41.57,450.16 +30.8,70.94,1007.06,63.09,432.44 +21.52,66.51,1015.32,72.85,444.87 +18.63,45.87,1007.98,79.9,453.79 +16.69,44.78,1010.41,58.18,456.17 +12.49,41.62,1011.37,82.68,461.35 +32.06,75.33,1001.96,63.15,432.92 +8.82,43.56,1014.95,81.54,482.71 +25.14,64.63,1020.63,54,446.63 +21.71,60.27,1015.74,89.76,441.19 +19.65,44.89,1009.76,75.36,451.35 +22.63,58.96,1013.62,56.67,451.41 +11.82,41.67,1012.94,84.51,476.73 +18.41,44.89,1009.75,77.24,448.88 +32.09,70.4,1003.73,55.65,434.64 +33.4,70.8,1009.17,57.01,432.46 +11.83,44.21,1019.37,85.31,463.62 +6.33,39.33,1012.06,93.16,492.22 +15.02,37.64,1016.49,83.28,463.93 +28.93,74.78,1009.48,56.4,437.34 +14.81,39.58,1011.62,73.64,467.32 +13.25,41.62,1010.8,77.81,457.64 +18.27,65.94,1013.09,84.72,450.33 +23.77,51.43,1006.67,84.09,441.54 +12.8,44.34,1016.52,86.73,473.42 +13.94,47.83,1004.83,81.2,465.13 +16.44,43.96,1013.66,76.31,468.57 +29.53,64.44,1013.22,59.75,440.1 +29.1,70.4,1003.97,77.57,430.98 +6.04,41.14,1027.92,87.12,481.37 +25.11,62.26,1011.12,78.01,434.97 +17.13,42.86,1014.15,73.6,463.09 +20.54,49.15,1021.02,56,458.6 +14.02,44.47,1028.02,68.97,465.93 +10.22,37.83,1005.94,93.53,471.79 +31.46,77.17,1009.26,59.61,435.56 +23.64,71.25,1004.92,93.87,442.26 +26.69,59.21,1012.55,57.59,436.33 +25.1,69.89,1015.42,85.81,434.98 +6.23,40.96,1022.49,93.15,488.82 +13.74,38.73,1004.34,82.82,470.06 +27.35,61.47,1008.43,70.65,443.67 +26.84,70.36,1007.41,71.47,442.17 +23.69,77.54,1009.32,89.7,440.21 +21.06,50.59,1016.42,66.12,454.15 +12.28,43.67,1012.69,70.23,475.08 +22.35,58.59,1013.99,79.78,444.04 +6.12,40.81,1014.77,88.15,487.24 +32.31,66.44,1009.6,63.92,428.44 +9.1,39.42,1025.28,68.78,471.85 +12.99,42.34,1018.04,96.25,465.98 +25.75,71.14,1008.33,77.12,433.64 +22.92,58.62,1016.37,71.38,447.48 +12.33,39.28,1011.84,80.01,476.49 +13.66,41.67,1013.43,80.56,469.17 +22.24,60.07,1015.93,62.25,446.14 +13.48,41.26,1021.92,78.24,466.88 +26.6,63.07,1011.97,61.3,442.25 +31.82,71.29,1008.44,41.7,431.23 +18.35,62.1,1019.97,78.36,455.29 +31.44,72.86,1003.74,61.45,433.59 +19.94,50.78,1008.78,92.07,449.6 +18.13,60.1,1009.67,84.75,455.82 +12.28,42.34,1019.19,95.8,467.03 +18.6,60.1,1009.91,87.13,453.94 +21.01,60.1,1010.93,78.6,450.99 +27.64,75.6,1017.35,54.78,441.04 +13.47,41.14,1026.09,82.96,463.67 +7.96,38.91,1016.35,89.17,482.17 +16.81,45.87,1008.7,98,455.96 +22.69,58.46,1017.74,75.21,443.47 +25.74,68.94,1007.7,67.56,433.45 +5.75,42.07,1004.24,78.23,485.23 +29.54,74.99,1005,69.69,432.94 +27.36,63.31,1013.7,51.58,440.4 +11.75,35.76,1018.99,57.92,473.01 +12.02,40.66,1017.27,96.72,464.5 +31.02,69.51,1011.16,47.64,431.15 +20.11,50.78,1008.73,93.24,447.42 +12.24,41.62,1013.38,90.26,461.23 +29.11,74.78,1009.6,56.93,438.75 +12.58,43.67,1012.86,94.01,472.65 +25.21,59.21,1013.19,62.85,438.7 +25.64,68.08,1011.06,71.06,431.77 +15.5,39.16,1016.24,78.13,469.52 +28.61,70.36,1006.95,73.06,440.16 +6.57,42.07,1004.48,74.82,483.86 +29.5,71.14,1011.27,52.81,430.85 +27.4,66.48,1004.71,51.5,439.66 +22.06,43.43,1010.46,58.01,448.92 +23.35,71.77,1005.99,90.79,434.6 +6.76,40.62,1015.67,87.16,478.56 +20.62,48.41,1007.37,87.51,445.4 +27.2,65.18,1011.47,47.14,436.99 +24.17,71.25,1003.9,90.36,435.66 +12.88,44,1022.71,88.58,470.31 +29.23,74.22,1008.49,57.88,428.9 +11.62,43.48,1016.66,76.32,468.37 +28.41,66.91,1008.22,57.93,440.52 +29.25,67.32,1013.88,38.57,437.94 +5.43,39.9,1007.5,86.27,487.84 +10.28,39.64,1010.45,74.15,477.65 +7.95,37.49,1009.32,80.8,479.78 +17.33,53.16,1013.77,82.77,459.78 +11.02,41.26,1020.69,92.13,471.93 +14.41,43.13,1016.32,59.55,467.46 +19.69,56.65,1020.72,70.86,456.18 +6.65,38.5,1014.01,87.6,491.54 +8.88,36.66,1026.61,76.16,480.2 +16.46,48.6,1006.08,89,449.58 +20.2,60.1,1010.66,84.24,451.17 +22.87,74.22,1009.36,93.05,438.67 +28.83,71.32,1006.28,75.65,437.99 +16.7,36.99,1006.19,89.33,464.7 +22.36,64.15,1021.05,68.43,453.94 +23.96,46.93,1013.98,47.22,450.86 +23.19,60.75,1008.33,82,439.43 +25.65,68.08,1011.27,75.26,435.91 +13.22,40.83,1007.82,92.72,472.72 +18.75,44.9,1007.99,75.76,452.77 +28.02,63.9,1013.96,46.2,444.42 +23.09,63.91,1012.23,83.25,447.9 +26.21,65.12,1016.06,44.31,444.44 +33.8,64.96,1004.88,49.37,427.28 +26.45,47.43,1008.87,53.25,442.12 +30.82,78.87,1012.06,70.69,432.01 +14.22,44.99,1012,75.28,460.53 +29.45,75.6,1018.12,50.68,437.31 +6.99,35.19,1019.32,68.95,480.05 +22.43,55.97,1008.97,85.98,443.74 +16.57,63.31,1016.19,81.02,454.78 +23.75,66.54,1004.41,85.44,436.57 +29.05,71.85,1008.6,78.69,428.39 +13.28,43.8,1023.17,63.98,466.78 +7.76,37.7,1014.82,76.47,480.7 +14.93,39.39,1014.31,80.68,468.88 +18.5,47.45,1009.23,83.21,450.22 +24.35,58.79,1010.13,72.1,448.19 +26.66,70.02,1010.88,58.37,439.99 +12.05,48.04,1009.14,100.13,464.14 +14.79,39.54,1007.25,82.54,469.23 +10.33,43.99,1020.7,96.68,474.17 +28.23,64.05,1011.98,75.23,442.3 +24.91,69.89,1015.25,82.39,438.29 +23.82,73.67,1007.26,88.16,438.42 +10.44,37.83,1006.31,97.2,474.42 +28.74,70.32,1008.15,45.99,431.93 +30.7,67.69,1005.92,51.58,429.58 +17.12,58.95,1016.74,90.41,451.67 +6.71,40.96,1022.71,91.89,486.58 +29.08,70.83,1007.98,51.95,430.91 +12.48,39.85,1012.93,60.23,477.17 +15.92,44.85,1015.84,59.99,467.41 +16.37,54.3,1017.94,63.63,459.97 +12.05,40.55,1016.63,100.14,472.19 +21.55,44.57,1006.03,71.54,446.84 +13.52,40.83,1009.94,87.53,470.47 +24.21,70.98,1007.02,95.57,441.78 +24.87,58.33,1013.76,54.55,440.79 +28.55,72.43,1007.2,65.82,430.06 +26.93,62.44,1011.02,70.05,435.11 +18.59,41.1,1001.93,58.16,459.72 +23.59,59.43,1009.96,65.8,440.61 +23.83,50.32,1008.41,72.23,445.17 +17.86,50.88,1015.59,88.28,457.33 +17.01,50.59,1015.8,80.95,463.4 +20.04,58.2,1017.56,74.31,448.92 +27.32,76.09,1007.77,74.64,443.13 +31.13,64.05,1011.51,61.27,439.24 +19.69,56.65,1020.86,70.02,454.87 +12,39.96,1011.73,77.77,471.42 +7.97,38.5,1013.84,72.36,487.19 +8.14,41.26,1020.61,91.28,477.57 +28.07,68.08,1013.13,44.67,437.65 +13.44,40.69,1014.54,77.97,473 +14.8,43.99,1022.89,85.25,461.97 +16.98,43.99,1021.65,81.17,456.07 +15.29,44.88,1018.85,73.67,463.32 +19.35,64.15,1021.37,68.53,457.74 +21.65,58.18,1008.33,95.28,441.05 +22.18,59.39,1014.82,85.31,440.94 +28.15,74.9,1003.67,76.32,433.63 +7.74,39.96,1025.78,95.81,475.23 +26.48,51.43,1006.76,74.3,438.1 +27.6,67.25,1017.78,54.25,438.42 +10.57,41.26,1008.32,97.96,472.9 +23.28,68.28,1000.79,81.35,442.04 +14.6,44.47,1028.46,69.96,465.24 +30.6,72.29,1010.54,41.52,441.5 +25.4,65.34,1013.11,53.93,445.82 +16.52,44.88,1017.61,90.08,459.73 +10.42,44.85,1014.18,88.36,479.03 +15.55,45.09,1014.33,62.19,457.36 +14.12,41.39,1018.73,76.51,472.88 +16.57,43.7,1015.67,71.95,465.78 +34.09,68.51,1009,32.96,431.19 +22.25,43.79,1015.78,52.68,461.93 +21.51,48.92,1010.36,38.27,455.11 +5.37,40.07,1012.75,63.58,494.21 +26.94,71.14,1011.63,62.74,434.03 +22.57,68.3,1017.43,87.69,440.81 +24.33,46.93,1013.61,53.02,450.04 +21.3,59.39,1013.83,84.53,444.21 +30.9,69.4,1003.53,66.69,425.3 +16.29,53.82,1014.97,73.15,459.95 +12.46,40.73,1017.53,93.47,464.7 +28.44,74.93,1013.88,52,441.52 +17.85,45.64,1020.11,82.94,459.59 +25.56,50.05,1005.67,69.29,442.49 +23.85,72.43,1008.01,88.34,439.02 +19.83,46.33,1013.27,96.4,451.22 +24.12,62.44,1013.83,88.02,443.3 +22.54,61.27,1019.12,54.02,450.01 +8.94,41.38,1021.5,79.45,479.95 +16,43.34,1013.58,78.87,461.7 +32.83,74.16,1007.57,60.2,432.05 +24.6,67.69,1008.67,67.69,440.22 +17.9,52.08,1006.41,100.09,451.94 +23.81,60.08,1017.29,62.66,450.33 +30.55,68.24,1009.43,63.84,426.8 +14.39,44.85,1014.19,75.16,465.88 +8.36,40.67,1014.99,73.65,489.1 +29.03,67.79,1010.67,55.42,444.09 +17.68,44.92,1024.55,69.7,458.12 +13.51,40.1,1014.29,86.34,470.65 +19.11,60.29,1017.1,76.62,454.16 +17.46,40.22,1006.7,91.96,461.74 +23.7,64.45,1012.87,38.24,451.16 +13.68,44.47,1027.81,69.53,469.37 +26.39,49.02,1007.62,70.82,438.53 +8.05,40.62,1018.16,73.67,477.2 +18.4,40.79,1006.18,92.36,461.29 +14.75,40.66,1016.7,81.65,463.83 +31.66,73.91,1004.49,68.13,431.26 +5.28,45.87,1008.25,97.88,479.91 +24.42,65.94,1011.25,65.04,439.63 +8.68,39.61,1021.54,77.98,486.31 +25.68,68.27,1008.05,68.48,434.89 +18.19,41.85,1014.93,61.37,466.86 +4.44,38.44,1016.14,75.35,486.53 +14.42,44.88,1019.35,59.17,462.72 +10.57,41.55,1003.62,67.89,475.6 +27.83,72.29,1012.04,48.86,445.73 +28.94,62.26,1010.64,50.41,436.04 +11.02,44.58,1016.4,83.57,481.85 +29.05,75.6,1017.63,51.16,439.14 +31.37,76.86,997.34,62.94,431.03 +7.54,40.72,1023.82,85.15,485.92 +27.57,70.36,1007.18,71.1,441.86 +18.81,52.08,1004.43,99.6,450.87 +14.54,41.16,1000,81.34,463.9 +9.55,40.67,1018.56,70.72,486.34 +18.55,46.48,1007.34,80.67,452.37 +14.59,41.23,999.48,86.66,466.83 +28.7,49.16,1004.42,36.51,439.45 +14.63,40,1018.03,63.4,457.09 +29.4,57.19,1008.34,53.95,436.92 +20.76,57.25,1011.01,90.31,444.85 +15.03,35.71,1015.26,56.55,467.61 +13.42,40.92,1022.84,75.89,458.49 +35.01,74.67,1016.1,26.3,428.48 +17.34,47.03,1013.36,98.13,463.89 +26.2,72.24,1011.3,78.29,432.65 +17.48,44.71,1014.99,36.71,465.61 +7.75,38.06,1020.83,83.39,483.56 +18.99,59.27,1012.15,89.39,453.4 +26.8,49.3,1003.86,62.75,438.56 +31.7,69.13,1000.29,46.27,427.95 +22.83,41.1,1002,38.62,449.99 +22.42,62.52,1016.83,63.27,451.64 +13.78,39.85,1012.7,71.99,474.9 +24.81,60.95,1014.72,54.71,446.09 +25.37,58.33,1013.49,51.42,444.46 +21.24,44.57,1008.72,72.57,447.03 +11.61,39.69,1006.85,83.69,470.78 +15.79,49.21,1015.08,75.8,457.7 +6.84,41.06,1021.04,89.59,489.96 +25.53,71.85,1009.19,74.7,431.26 +3.51,35.47,1017.53,86.56,489.07 +7,35.77,1018.21,64.84,482.8 +12.71,43.8,1023.15,71.16,466.2 +25.33,71.73,1009.78,77.78,435.23 +30.91,79.74,1006.92,56.32,433.84 +17.79,43.52,1020.65,68.29,458.57 +32.15,72.29,1010.13,50.19,435.71 +16.96,63.31,1016.42,77.09,454.14 +26.48,68.14,1004.83,55.96,432.19 +19.88,47.03,1012.27,91.99,456.44 +16.18,50.88,1014.06,100.09,455.14 +10.59,38.38,1021.58,68.23,474.94 +17.51,39.54,1010.22,71.53,462.12 +23.63,63.57,1011.05,87.96,449.01 +24.6,71.73,1010.08,78.77,436.28 +28.01,73.18,1012.25,75.02,431.02 +23.67,71.77,1004.76,86.13,434.47 +15.21,43.5,1021.6,82.06,464.08 +9.38,41.44,1015.09,86.8,481.96 +14.93,41.79,1008.88,81.48,456.75 +28.18,73.03,1014.18,67.72,439.74 +24.86,60.77,1016.85,71.24,440.68 +12.14,40.83,1010.56,78.31,474.82 +31.24,72.39,999.47,68.17,430.7 +25.2,65.59,1013,71.34,439.14 +27.02,61.86,1012.38,70.28,442.67 +27.09,59.15,1013.02,55.18,438.9 +13.7,42.86,1030.68,79.77,470.28 +6.61,38.91,1015.77,92.31,484.32 +10.1,41.79,1019.36,78.07,474.09 +23.02,69.94,1007.94,64.66,439.4 +23.69,58.05,1012.08,74.26,444.46 +22.5,64.69,1007.03,74.92,440.73 +19.66,42.18,1001.51,95.75,454.46 +24.71,60.77,1016.67,69.7,443.52 +15.62,41.23,992.89,83.99,463.21 +15.28,44.58,1016.45,83.07,467.92 +20.67,57.5,1014.42,81.89,453.29 +20.79,50.66,1013.39,77.93,454.78 +24.54,48.41,1008.61,73.53,439.79 +25.21,64.63,1020.56,51.31,448.66 +34.18,67.9,1005.87,30.34,425.5 +29.85,68.24,1007.01,30.99,433.43 +18.37,44.89,1010.61,86.74,454.37 +19.87,49.69,1012.23,68.57,456.03 +25.28,66.25,1009.77,84.55,439.77 +13.47,43.34,1012.75,87.04,468.8 +13.7,43.22,1012.01,71.57,463.99 +20.91,59.14,1017.25,74.7,442.67 +19.09,65.94,1012.53,81.06,446.34 +9.33,44.03,1011.73,86.04,474.15 +10.11,44.85,1014.2,84.81,478.71 +28.64,69.23,1013.11,37.13,434.4 +29.86,69.34,1007.76,54.12,433.57 +24.42,62.66,1007.65,71.57,443.09 +13.49,43.41,1015.75,57.86,461.06 +30.1,47.93,1002.64,42.06,435.27 +9.43,43.69,1017.28,91.8,478.48 +24.78,50.78,1008.81,62.97,443.98 +20.6,60.08,1017.84,75.92,454.39 +14.77,39.16,1016.12,81.88,470.39 +17.26,49.78,1007.38,100.06,453.54 +24.48,64.45,1014.69,51.43,452.82 +25.57,44.05,1005.79,65.14,443.84 +11.82,41.17,1019.5,55.74,475.61 +25.46,70.32,1010.65,64.7,433.08 +23.75,59.07,1007.73,88.82,443.54 +24.2,59.43,1009.69,62.3,440.66 +27.62,72.43,1007.54,71.33,428.76 +14.4,42.18,1015.47,77.7,464.81 +14.1,43.34,1012.91,86.45,465.22 +6.07,41.14,1027.57,86.98,480.19 +17.31,58.49,1011.8,92.77,456.84 +9.19,42.44,1014.38,94.24,481.55 +17.5,42.44,1012.55,76.85,466.78 +20.57,63.78,1016.76,74,449.93 +12.28,41.49,1019.73,94.79,467.44 +22.99,61.02,1009.88,81.56,440.85 +28.38,64.05,1010.19,71.84,439.83 +17.57,44.06,1015.43,72.75,459.73 +8.36,38.91,1016.27,88.82,482.09 +4.86,39.4,1012.73,91.39,488.63 +16.7,40.56,1019.04,50.9,470.84 +6.22,39.33,1012.31,93.23,491.77 +27.47,63.78,1016.07,48.47,446.69 +21.99,71.85,1009.5,74.77,441.1 +24.67,61.5,1009.06,72.77,437.37 +8.62,42.49,1009.06,86.93,481.87 +18.14,67.71,1003.82,95.69,442.45 +20.33,57.76,1016.47,75.35,450.25 +26.1,58.9,1004.18,71.63,444.4 +4,39.9,1008.46,97.21,490.68 +22.26,60.37,1008.14,92.37,441.33 +23.57,64.15,1020.95,68.19,450.08 +17.7,43.69,1016.98,61.98,462.63 +9.47,41.4,1026.21,89.08,480.79 +16.69,50.9,1013.21,84.98,460.75 +9.82,41.04,1026.72,77.28,473.98 +10.78,41.93,1015.56,95.71,478.88 +25.63,48.92,1009.99,34.64,439.87 +9.29,35.77,1015.34,63.29,475.88 +9.86,37.83,1005.05,100.15,472.46 +11.37,40.56,1017.56,64.8,478.88 +25.79,70.4,1007.11,86.03,437.98 +24.93,70.32,1007.34,61.25,436.03 +28.41,75.6,1018.48,56.07,440.28 +9.25,41.26,1020.51,91.21,473.87 +26.49,71.73,1010.07,74.48,431.06 +15.98,39.64,1009.31,81.21,467.22 +20.77,56.85,1012.4,83.63,442.85 +13.69,41.74,1021.19,60.86,471.84 +26.03,64.44,1012.75,62.24,445.89 +9.43,41.4,1028.03,84.98,474.16 +26.37,69.84,1002.71,83.51,428.6 +7.64,41.17,1020.01,75.14,488.53 +28.76,51.43,1011.88,49.79,449.98 +27.84,68.08,1013.34,46.19,436.37 +9.42,39.64,1010.86,74.03,478.05 +25.08,51.43,1011.8,71.98,446.67 +21.73,61.45,1010.27,91.59,442.78 +5.18,41.31,1000.59,92.14,485.2 +21.17,58.46,1017.71,83.98,446.66 +22.52,66.48,1003.87,78.29,435.02 +12.76,41.48,1014.06,70.34,461.61 +27.71,62.39,1006.43,68.21,435.84 +24.66,48.78,1018.39,71.79,449.11 +7.2,40.02,1031.71,69.89,480.53 +6.14,39.4,1011.21,90.87,485.94 +23,60.27,1018.72,84.25,442 +13.26,42.99,1007.58,94.26,472.52 +22.34,52.84,1004.05,73.96,449.06 +12.31,37.73,1023.3,63.01,472.08 +23.63,58.98,1010.99,81.16,444.43 +23.39,68.51,1013.09,78.6,438.35 +28.8,71.77,1006.41,66.03,426.87 +23.28,72.24,1011.3,90.5,434.21 +28.6,71.22,1003.15,58.33,443.01 +15.89,41.7,1018.93,82.68,463.33 +15.46,42.07,1017.9,81.12,459.15 +22.86,62.4,1010.59,78.24,445.66 +20.9,67.07,1005.43,82.85,443.46 +17.75,49.25,1020.86,63.67,454.41 +25.93,60.29,1017.62,50.03,444.04 +23.99,50.32,1008.41,67.4,444.23 +18.76,56.53,1020.04,86.62,452.5 +7.44,38.5,1012.81,70.27,488.12 +25.18,65.06,1013.64,55.77,440.27 +9.12,41.49,1020.58,96.23,475.69 +20.01,59.87,1019,84.12,448.39 +30.66,73.77,1003.13,78.09,430 +32.2,72.29,1008.61,69.94,432.52 +14.77,44.47,1028.38,71.18,464.25 +13.48,39.35,1014.56,81.25,470.66 +20.64,61.86,1012.81,99.97,447.14 +17.42,44.06,1016.63,82.15,456.57 +18.76,58.79,1016.66,88.22,453.44 +31.16,69.88,1007.01,68.28,433.24 +18.05,56.03,1020.69,77.87,459.09 +7.29,41.04,1024.06,89.19,474.71 +30.36,68.08,1010.76,51.32,429.97 +8.81,43.14,1012.46,73.99,481.56 +21.17,59.8,1016.06,77.73,455.66 +18,43.7,1015.4,61.28,464.26 +13.2,44.9,1022.43,87.68,468.92 +28.16,70.72,1009.81,65.32,441.37 +14.84,43.69,1016.31,68.67,472.07 +30.2,70.02,1009.85,63.39,437.48 +6.53,42.85,1012.65,91.6,480.98 +29.51,75.6,1017.92,50.61,431.18 +12.58,39.72,1018.08,64.25,469.38 +12.12,38.28,1013.7,91.27,469.59 +3.74,35.19,1018.58,98.84,490.5 +30.98,71.29,1008.78,47.7,432.99 +14.09,44.47,1029.08,72.36,466.53 +24.84,56.89,1012.15,67.24,440.36 +14.79,44.06,1018.53,74.79,465.77 +9.7,40.71,1025.63,80.34,483.19 +28.55,65.27,1013.34,48.95,437.62 +20.98,42.23,1012.9,70.7,462.27 +15.86,39.82,1013.12,77.37,466.89 +15.29,41.35,1006.32,82.56,466.27 +13.31,42.18,1016,83.94,466.56 +16.78,39.63,1005.84,87.91,465.97 +19.66,45.01,1014.42,60.14,453.45 +23.73,59.15,1014.08,62.65,444.07 +33.63,77.54,1009.82,58.04,431.81 +25.56,69.13,1002.46,68.26,434.48 +27.95,77.54,1010.12,78.97,434.7 +26.92,67.25,1017.74,61.68,434.05 +10.2,41.46,1019.12,83.26,480.11 +16.09,65.46,1013.84,85.52,454.88 +33.82,77.17,1008.96,58.91,435.58 +13.85,44.9,1019.11,76.79,467.2 +15.24,39.39,1013.01,74.24,469.79 +10.03,43.72,1011.46,96.89,473.26 +17.2,58.49,1012.06,92.01,458.5 +12.72,40.64,1021.11,93.24,475.73 +25.97,70.32,1007.48,57.01,435.27 +10.1,40.22,1007.1,90.36,478.43 +10.48,37.5,1009.81,95.26,474.57 +25.84,69.14,1009.22,88.47,431.35 +18.51,48.06,1015.14,79.83,455.44 +22.82,60.08,1017.95,65.71,450.86 +8.76,40.96,1025.21,90.72,483.79 +6.49,39.33,1010.85,91.85,489.22 +21.01,50.9,1012.24,70.82,453.99 +13.31,40.1,1014.81,82.11,468.74 +26.13,71.64,1004.16,87.18,439.73 +5.34,39.22,1012.73,81.42,472.66 +8.72,40.72,1023.48,77.87,485.3 +25.32,71.94,1009.94,62.93,435.06 +25.68,58.41,1013.71,70.61,440.78 +24.04,60.77,1017.62,75.23,442.25 +20.21,60.84,1018.5,82.73,447.73 +25.97,57.32,1012.13,47.48,442.73 +25.68,46.21,1011.01,57.53,442.98 +19.51,66.51,1015.28,80.75,448.04 +27.57,71.32,1002.59,76.68,436.61 +10.15,41.46,1019.78,83.56,481.31 +13.75,41.49,1019.9,88.23,469.02 +11.02,41.44,1015.28,83.53,476.68 +19.44,39.53,1006.99,63.18,457.09 +14.83,53.82,1016.57,63.47,464 +25.59,61.5,1009.12,68,439.14 +27.29,71.32,1006.39,81.59,435.25 +31.04,66.54,1003.83,53.05,431.66 +28.15,72.24,1010.88,62.39,431.75 +25.3,71.29,1007.86,62.98,437.17 +10.76,40.78,1023.81,87.96,469.97 +6.81,37.49,1010.74,88.25,482.21 +25.41,77.54,1009.68,89.09,434.09 +9.82,37.83,1005.29,100.07,473.66 +15.3,43.67,1011.75,95.31,468.14 +12.64,40.69,1015.86,82.06,474.08 +12.51,41.92,1031.21,64.66,468.41 +17.78,58.95,1016.32,89.61,450.89 +28.4,75.23,1011.12,55.01,441.78 +7.49,39.81,1018.2,85.96,483.71 +11.67,42.74,1025.92,79.57,474.75 +28.68,70.32,1008.51,45.73,430.48 +10.24,39.28,1010.13,81.61,477.53 +22.95,45.61,1013.65,73.92,457.91 +7.95,41.26,1008.48,97.92,480.6 +5.72,40.81,1025.78,92.46,487.8 +24.24,68.3,1018.03,81.51,437.12 +30.01,73.18,1012.23,60.9,429.84 +9.36,44.03,1010.3,87.2,474.68 +22.44,63.86,1020,64.83,447.3 +21.39,64.27,1011.71,95.39,445.12 +26.78,66.54,1010.14,49.01,440 +16.76,45.09,1014.28,57.71,458.67 +10.12,43.72,1011.33,97.62,473.05 +19.84,65.48,1019.54,76.6,449.85 +28.32,66.54,1010.28,45.6,436.42 +8.25,41.26,1020.59,91.84,475.17 +24.2,68.67,1006.72,78.08,444.09 +28.32,71.32,1008.02,78.82,433.82 +22.29,61.27,1019.05,58.23,449.81 +29.05,69.71,1009.03,64.25,434.05 +17.34,46.48,1007.18,83.15,452.06 +17.25,39.39,1014.27,67.8,465.74 +13.82,42.32,1016.32,81.19,463.06 +27.05,77.95,1009.57,76.56,434.09 +15.99,43.5,1021.34,73.22,460.7 +26.01,58.41,1013.56,70.84,443.74 +31.31,67.48,1009.71,57.06,440.38 +25.57,65.46,1014.81,38.58,444.46 +16.74,38.01,1022.63,69.19,463.61 +20.35,56.53,1020.23,70.05,456.04 +6.71,39.37,1020.28,71.15,487.05 +12.84,39.54,1011.47,89.86,468.22 +29.57,67.83,1009.19,55.74,427.62 +20.46,51.43,1010.06,83.79,456.7 +29.29,71.14,1011.49,49.97,432.58 +10.13,38.16,1013.57,79.04,474.92 +26.93,59.54,1004.02,75.5,437.58 +14.39,43.56,1012.97,59.17,469.35 +5.18,40.27,1010.84,81.64,489.1 +20.1,57.17,1011.96,87.68,452.67 +8.53,43.14,1012.25,78.88,480.08 +24.1,52.84,1006.47,47.58,444.69 +9.29,34.03,1018.84,74.81,483.74 +22.07,58.95,1017.98,75.83,442.4 +23.57,61.47,1009.27,84.17,435.82 +20.45,59.8,1015.13,79.21,452.96 +9.97,41.62,1013.99,96.02,464.86 +26.62,76.2,1006.06,69.13,437.81 +27.11,69.59,1008.56,79.2,437.2 +19.51,48.78,1021.03,86.33,453.27 +18.01,54.9,1017.04,77.82,455.91 +14.41,40.71,1016.78,69.77,467.01 +24.66,72.24,1011.35,77.45,434.33 +10.59,41.54,1019.94,73.88,477.05 +12.28,40.55,1005.72,98.56,472.47 +11.19,40.64,1020.57,84.49,472.86 +14.62,42.86,1015.56,84.5,470.79 +10.05,37.14,1012.64,75.97,474.16 +24.91,71.29,1008.29,69.06,437.03 +30.96,69.82,1009.6,51.55,438.74 +30.31,74.16,1010.69,58.81,436.23 +17.47,43.77,1012.25,76.78,456.41 +30.36,71.8,1010.9,63.27,437.4 +25.06,44.57,1007.39,56.07,443.66 +20.57,42.8,1013.1,75.48,460.43 +17.79,46.21,1010.38,85.25,448.74 +18.51,50.9,1012.95,82.71,459.11 +13.21,40.56,1018.12,64.49,475.86 +30.24,68.3,1016.21,48.25,431.82 +24.4,67.45,1015.63,57.1,435.47 +8.72,40.02,1031.32,78.09,477.86 +11.16,40.96,1023.49,83.7,478.3 +20.28,48.78,1017.4,82.51,451.59 +8.57,41.17,1020.18,72.47,484.2 +31.2,73.17,1010.28,53.23,431.23 +21.83,63.07,1011.57,87.02,443.1 +14.43,44.47,1028.57,70.7,466.56 +31.35,70.8,1010.11,66.37,432.19 +12.27,41.17,1019.41,58.1,475.13 +10.09,41.62,1015.21,96.56,463.86 +5.24,38.68,1018.03,78.65,486.67 +7.14,39.4,1011.68,91.84,482.82 +6.63,39.42,1024.81,72.58,482.02 +27.37,65.06,1013.09,50.92,440.5 +30.39,71.8,1010.87,64.11,435.82 +15.75,47.45,1009.86,86.68,451.5 +28.82,71.43,1011.51,58.58,443.68 +24,75.23,1010.69,72.46,443.78 +28.17,72.43,1007.37,68.92,428.88 +27.2,78.05,1010.15,90.2,430.55 +30.08,68.14,1003.99,77.38,425.27 +9.65,41.03,1021.09,64.97,481.68 +28.15,70.72,1009.76,73.38,436.19 +27.21,68.12,1012.96,54.69,435.2 +14.65,41.92,1030.61,63.07,464.95 +32.18,65.74,1010.89,46.52,435.58 +7.57,41.14,1028.23,87.97,477.8 +27.2,49.16,1005.33,46.73,440.57 +25.89,59.22,1013.4,80.17,445.75 +25.01,66.56,1009.68,64.94,435.73 +26.68,68.08,1011.41,67.33,433.04 +17.72,50.9,1012.02,85.55,456.4 +28.62,70.94,1007.38,53,432.71 +27.06,61.41,1011.99,45.23,452.85 +24.27,74.99,1007.73,82.49,438.26 +32.15,69.98,1013.3,55.13,429.86 +17.08,38.58,1015.41,73.42,461.49 +22.08,45.61,1014.02,75.71,456.71 +13.27,52.75,1025.86,65.12,464.82 +30.24,68.24,1009.68,64.67,426.25 +13.13,40.75,1016.05,80.87,472.5 +26.2,63.56,1013.39,67.07,442.4 +9.74,41.01,1019.12,98.39,465.8 +23.83,58.79,1009.77,78.13,444.34 +24.49,60.27,1018.96,72.62,440.87 +26.66,64.27,1012.83,58.88,437.87 +14.42,44.66,1016.1,93.89,461.34 +10.76,44.58,1016.41,79.24,483.54 +21.79,58.2,1017.21,66.74,446.94 +9.51,38.38,1022.77,73.82,474.93 +11.06,41.16,1018.52,89.14,467.46 +27.69,69.71,1009.9,69.91,440.43 +20.48,39.72,1001.61,57.32,455.58 +22.03,64.79,1017.95,76.2,450.25 +5.81,45.87,1009.63,94.38,479.66 +12.23,41.58,1018.76,87.66,464.45 +6.29,40.78,1024.75,96.37,478.29 +24.64,58.79,1009.82,73.96,444.26 +24.05,67.83,1009.35,63.8,442.53 +11.06,36.71,1021.67,80.44,473.85 +32.49,71.32,1005.03,57.12,433.59 +19.69,57.32,1012.41,75.51,449.59 +23.82,44.89,1009.39,74.69,445.45 +11,40.23,1019.08,86.5,475.9 +10.15,41.14,1025.5,91.54,473.56 +23.41,74.99,1007.22,84.55,442.51 +19.31,67.71,1005.31,77.15,446.23 +30.34,68.08,1010.85,49.4,428.34 +25.2,57.5,1015.19,59.62,446.26 +28.26,69.23,1013.01,42.1,436.31 +23.39,73.5,1011.37,88.48,441.18 +5.98,39.61,1017.27,84.86,482.17 +29.62,73.18,1012.21,61.6,427.22 +22.59,70.32,1007.07,74.39,437.39 +21.53,58.05,1012.9,87.57,447.93 +15.86,38.62,1016.65,67.51,462.58 +12.36,40.56,1022.11,72.99,474.71 +21.09,59.8,1016.94,76.95,451.98 +25.07,60.27,1018.13,70.33,439.52 +31.12,67.69,1005.3,50.46,425.21 +30.27,64.69,1006.3,53.69,435.67 +19.48,63.09,1019.28,78.04,449.6 +12.95,43.71,1025.63,90.7,469.15 +23.62,67.45,1014.63,59.8,439.45 +18.93,67.71,1005.04,82.4,444.55 +14.57,42.18,1015.13,74.89,465.75 +22.75,57.76,1017.83,66.54,452.33 +25.5,67.83,1009.29,61.29,437.49 +29.67,66.51,1015.6,34.1,434.8 +25.88,69.13,1002.44,85.67,426.14 +14.57,39.28,1015.1,76.94,469.27 +13.44,42.34,1018,96.65,459.6 +18.67,44.06,1017.13,77.18,454.51 +29.53,71.97,1008.6,79.25,434.96 +18.31,52.9,1015.99,66.14,459.61 +13.09,41.62,1011.82,83.14,457.29 +26.56,52.3,1007.4,62.04,439.25 +10.46,37.5,1013.12,76.74,472.16 +20.73,41.1,1001.86,47.51,456.44 +28.82,77.24,1008.35,78.93,433.69 +28.52,70.72,1009.64,66.76,437.72 +16.13,53.82,1015.63,63.08,459.16 +22.82,64.63,1020.78,66.73,449.34 +22.84,67.32,1013.77,64.67,438.36 +30.56,69.04,1009.29,55.73,442.24 +29.9,74.99,1002.28,59.76,436.77 +8.47,41.03,1021.72,70.16,485.1 +27.89,70.94,1007.54,49.18,435.21 +12.12,41.17,1017.68,78.72,470.67 +20.42,45.01,1012.23,66.5,451.28 +33.2,73.88,1005.67,48.48,438.12 +23.62,56.85,1011.11,64.44,442.96 +14.79,46.48,1007.46,92.4,462.55 +19.94,44.63,1004.73,78.48,455.58 +17.16,53.16,1013.2,82.85,456.93 +8.67,40.77,1011.81,89.4,479.23 +21.41,56.9,1007.03,79.41,441.41 +7.93,42.28,1008.43,85.57,484.75 +29.7,67.17,1007.31,66.56,438.04 +15.84,41.04,1025.64,63.43,456.21 +25.63,69.89,1015.17,77.42,434.47 +5.71,45.87,1012.04,93.42,482.49 +25.31,67.9,1006.34,68.04,440.36 +29.65,72.86,1004.26,69.63,434.67 +20,69.48,1011.05,85.51,448.79 +13.78,41.16,1021.65,75.77,460.44 +14.14,43.34,1017.1,81.77,464.36 +23.65,71.98,1006.09,93.39,434.11 +15.33,43.13,1015.41,53.17,466.86 +26.98,43.77,1010.95,40.8,446.05 +29.29,70.36,1006.64,60.82,431.26 +30.85,68.94,1007.31,68.99,426.1 +11.35,38.91,1017.93,83.45,474.22 +30.26,59.22,1013.18,61.08,442.98 +28.16,71.94,1007.69,68.17,430.46 +34.03,73.56,1006.49,51.07,440.29 +20.15,58.59,1014.13,91.96,443.85 +17.01,50.9,1013.23,82.03,460.14 +9.88,40.71,1015.34,84.32,471.8 +12.71,41.39,1019.3,74.2,475.13 +30.89,74.87,1008.99,56.58,432.68 +10.84,40.27,1005.24,87.27,479.22 +27.34,59.87,1012.06,59.04,448.26 +14.81,44.88,1019.1,66.7,464.65 +18.2,45.01,1013.82,68.14,452.21 +22.7,60.84,1019.15,71.48,438.59 +22.43,63.94,1012.76,93.24,444.53 +30,61.5,1009.4,48.63,435.6 +25.72,59.21,1012.37,66.62,437.72 +20.88,56.85,1010.91,84.28,440.08 +28.31,66.17,1009.75,72.66,444.51 +12.42,41.58,1019.49,86.31,466.05 +21.35,58.16,1017.21,67.66,452.83 +26.66,73.56,1006.9,99.27,433.62 +16.61,45.87,1009.34,97.93,455.86 +17.14,58.16,1018.59,77.22,458.61 +20.98,42.23,1013.12,67.37,461.9 +13.41,54.3,1016.48,79.28,467.88 +11.99,49.83,1008.33,95.2,468.22 +17.27,44.9,1007.85,78.8,454.19 +22.58,59.14,1017.2,80.91,439.78 +18.89,58.66,1010.96,84.07,453.33 +22.41,70.98,1005.67,95.03,441.51 +24.06,69.94,1005.47,60.46,436.88 +30.37,76.09,1006.95,65.93,435.01 +13.42,41.74,1020.96,61.8,473.45 +10.63,42.28,1008.37,92.68,474.97 +10.94,25.36,1009.47,100.1,470.9 +31,77.95,1010.14,65.97,431.62 +8.47,41.26,1020.57,91.28,477.14 +18.33,52.08,1001.78,100.09,448.23 +28.43,69.59,1008.79,73.33,439.26 +24.97,58.95,1017.19,56.24,440.03 +10.5,39.28,1016.55,91.75,480.92 +27.35,77.95,1017.43,73.36,437.61 +25.06,64.63,1020.66,54.93,446.57 +29.39,68.24,1009.06,66.76,427.96 +24.18,58.49,1011.3,77.82,445.49 +15.75,39.99,1007.02,77.44,464.95 +10.32,42.02,998.27,99.12,472.16 +17.36,39.53,1008.28,68.87,456.57 +12.27,41.17,1019.41,58.1,475.13 +15.11,40.71,1017.96,69.31,465.42 +22.2,63.94,1017.38,56.17,445.6 +22.88,59.21,1011.51,86.93,440.25 +28.96,75.23,1010.88,49.45,439.03 +5.35,35.57,1027.12,80.81,488.65 +20.2,64.45,1009.03,61.77,452.33 +11.01,37.5,1015.08,73.36,474.36 +15.5,44.92,1024.16,86.44,462.12 +20.19,62.26,1011.37,89.69,443.58 +24.95,64.33,1011.34,81.05,440.97 +19.7,51.3,1014.88,88.1,454.94 +28.57,65.27,1013.27,51.11,440.51 +8.07,41.01,1023.26,97.5,474.09 +19.68,68.28,1002.62,71.57,452.47 +8.64,38.56,1016.51,66.03,484.45 +10.53,37.5,1008.55,99.91,472.32 +23.53,50.05,1005.63,78.4,443.71 +24.9,67.25,1017.77,66.17,433.71 +5.01,39.4,1003.69,91.9,475.34 +22.66,69.84,1006.16,82.79,439.06 +29.76,57.19,1008.59,51.1,436.21 +26.3,61.41,1012.45,56.85,448.55 +30.17,74.22,1007.46,49.27,432 +8.02,40.23,1017.42,90.26,484.22 +19.12,50.16,1011.52,99.71,451.49 +14.87,42.18,1015.23,74.41,465.89 +9.71,42.44,1014.29,94.03,481.03 +24.33,77.54,1008.5,82.45,435.38 +7.17,39.4,1011.48,90.38,484.33 +24.61,62.96,1020.1,63.83,445.79 +23.48,66.44,1011.28,61.11,443.21 +23.7,70.32,1007.21,66.85,439.59 +25.44,69.59,1008.22,80.73,433.97 +17.46,62.1,1019.96,83.99,451.06 +22.97,62.4,1010.25,75.18,445.3 +26.22,49.82,1015.48,55.8,454.2 +23.27,68.28,1005.01,74.83,444.86 +11.76,41.58,1020.91,88.35,465.45 +14.02,40.1,1015.56,82.44,467.32 +16.65,49.69,1014.01,91,460.03 +13.19,39.18,1023.67,66.78,469.62 +31.32,74.33,1012.92,36.48,429.57 +24.48,69.45,1013.86,62.39,435.74 +21.6,62.52,1017.23,67.87,453.28 \ No newline at end of file diff --git a/elasticnet/tests/test_ElasticNetModel.py b/elasticnet/tests/test_ElasticNetModel.py index 5022c3c..2c5d3b7 100644 --- a/elasticnet/tests/test_ElasticNetModel.py +++ b/elasticnet/tests/test_ElasticNetModel.py @@ -1,19 +1,51 @@ import csv - import numpy - from elasticnet.models.ElasticNet import ElasticNetModel + +# Testing the model for making predictions using a small test dataset: def test_predict(): - model = ElasticNetModel() + model = ElasticNetModel(0.5, 0.000001, 0.000001) data = [] + + # Reading data from the dowloaded CSV file with open("small_test.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 + X = numpy.array([[v for k, v in datum.items() if k.startswith('x')] for datum in data], dtype=float) + y = numpy.array([[v for k, v in datum.items() if k == 'y'] for datum in data], dtype=float) + results = model.fit(X, y) + print("Beta:") + print(results.beta) + + print(results.predict(X)) + + # Plotting the Actual vs Predicted values: + results.getActualVsTrueGraph(X, y) + + +# Testing the Prediction using the external CSV file with a chosen target column +def test_external_file(name, target): + # Running the Elastic net model with the given parameters lambda, l1, l2, scaling flag and its feature range + # The scaling can be turned off if necessary + model = ElasticNetModel(0.5, 0.000001, 0.000001, True, (-10, 10)) + data = [] + with open(name, "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.strip() != target] for datum in data], dtype=float) + y = numpy.array([[v for k, v in datum.items() if k.strip() == target] for datum in data], dtype=float) + # Getting the Elastic net model using the feature matrix, X and target vector, Y + results = model.fit(X, y) + print("Beta:") + print(results.beta) + # You can use the results class to get the actual vs true values graph as well as the residual graph if needed. + # You can also use the predict method to get the predictions for the graph + results.getActualVsTrueGraph(X, y) + + +test_external_file("industry_plant.csv", "PE") \ No newline at end of file