Training machine learning models on tabular data: an end-to-end example#

This tutorial covers the following steps:

  • Import data from your local machine into the Databricks File System (DBFS)

  • Visualize the data using Seaborn and matplotlib

  • Run a parallel hyperparameter sweep to train machine learning models on the dataset

  • Explore the results of the hyperparameter sweep with MLflow

  • Register the best performing model in MLflow

  • Apply the registered model to another dataset using a Spark UDF

  • Set up model serving for low-latency requests

In this example, you build a model to predict the quality of Portugese “Vinho Verde” wine based on the wine’s physicochemical properties.

The example uses a dataset from the UCI Machine Learning Repository, presented in Modeling wine preferences by data mining from physicochemical properties [Cortez et al., 2009].

Requirements#

This notebook requires Databricks Runtime for Machine Learning.
If you are using Databricks Runtime 7.3 LTS ML or below, you must update the CloudPickle library. To do that, uncomment and run the %pip install command in Cmd 2.

# This command is only required if you are using a cluster running DBR 7.3 LTS ML or below. 
#%pip install --upgrade cloudpickle

Import data#

In this section, you download a dataset from the web and upload it to Databricks File System (DBFS).

  1. Navigate to https://archive.ics.uci.edu/ml/machine-learning-databases/wine-quality/ and download both winequality-red.csv and winequality-white.csv to your local machine.

  2. From this Databricks notebook, select File > Upload Data, and drag these files to the drag-and-drop target to upload them to the Databricks File System (DBFS).

    Note: if you don’t have the File > Upload Data option, you can load the dataset from the Databricks example datasets. Uncomment and run the last two lines in the following cell.

  3. Click Next. Some auto-generated code to load the data appears. Select pandas, and copy the example code.

  4. Create a new cell, then paste in the sample code. It will look similar to the code shown in the following cell. Make these changes:

  • Pass sep=';' to pd.read_csv

  • Change the variable names from df1 and df2 to white_wine and red_wine, as shown in the following cell.

# If you have the File > Upload Data menu option, follow the instructions in the previous cell to upload the data from your local machine.
# The generated code, including the required edits described in the previous cell, is shown here for reference.

import pandas as pd

# In the following lines, replace <username> with your username.
white_wine = pd.read_csv("/dbfs/FileStore/shared_uploads/<username>/winequality_white.csv", sep=';')
red_wine = pd.read_csv("/dbfs/FileStore/shared_uploads/<username>/winequality_red.csv", sep=';')

# If you do not have the File > Upload Data menu option, uncomment and run these lines to load the dataset.

#white_wine = pd.read_csv("/dbfs/databricks-datasets/wine-quality/winequality-white.csv", sep=";")
#red_wine = pd.read_csv("/dbfs/databricks-datasets/wine-quality/winequality-red.csv", sep=";")

Merge the two DataFrames into a single dataset, with a new binary feature “is_red” that indicates whether the wine is red or white.

red_wine['is_red'] = 1
white_wine['is_red'] = 0

data = pd.concat([red_wine, white_wine], axis=0)

# Remove spaces from column names
data.rename(columns=lambda x: x.replace(' ', '_'), inplace=True)
data.head()
Out[33]:
fixed_acidity volatile_acidity citric_acid residual_sugar chlorides free_sulfur_dioxide total_sulfur_dioxide density pH sulphates alcohol quality is_red
0 7.4 0.70 0.00 1.9 0.076 11.0 34.0 0.9978 3.51 0.56 9.4 5 1
1 7.8 0.88 0.00 2.6 0.098 25.0 67.0 0.9968 3.20 0.68 9.8 5 1
2 7.8 0.76 0.04 2.3 0.092 15.0 54.0 0.9970 3.26 0.65 9.8 5 1
3 11.2 0.28 0.56 1.9 0.075 17.0 60.0 0.9980 3.16 0.58 9.8 6 1
4 7.4 0.70 0.00 1.9 0.076 11.0 34.0 0.9978 3.51 0.56 9.4 5 1

Visualize data#

Before training a model, explore the dataset using Seaborn and Matplotlib.

Plot a histogram of the dependent variable, quality.

import seaborn as sns
sns.distplot(data.quality, kde=False)
/databricks/python/lib/python3.8/site-packages/seaborn/distributions.py:2557: FutureWarning: `distplot` is a deprecated function and will be removed in a future version. Please adapt your code to use either `displot` (a figure-level function with similar flexibility) or `histplot` (an axes-level function for histograms). warnings.warn(msg, FutureWarning) Out[34]:
_images/ML_End-to-End_Example_9_1.png
<AxesSubplot:xlabel='quality'>

Looks like quality scores are normally distributed between 3 and 9.

Define a wine as high quality if it has quality >= 7.

high_quality = (data.quality >= 7).astype(int)
data.quality = high_quality

Box plots are useful in noticing correlations between features and a binary label.

import matplotlib.pyplot as plt

dims = (3, 4)

f, axes = plt.subplots(dims[0], dims[1], figsize=(25, 15))
axis_i, axis_j = 0, 0
for col in data.columns:
  if col == 'is_red' or col == 'quality':
    continue # Box plots cannot be used on indicator variables
  sns.boxplot(x=high_quality, y=data[col], ax=axes[axis_i, axis_j])
  axis_j += 1
  if axis_j == dims[1]:
    axis_i += 1
    axis_j = 0
_images/ML_End-to-End_Example_13_0.png

In the above box plots, a few variables stand out as good univariate predictors of quality.

  • In the alcohol box plot, the median alcohol content of high quality wines is greater than even the 75th quantile of low quality wines. High alcohol content is correlated with quality.

  • In the density box plot, low quality wines have a greater density than high quality wines. Density is inversely correlated with quality.

Preprocess data#

Prior to training a model, check for missing values and split the data into training and validation sets.

data.isna().any()
Out[37]: fixed_acidity False volatile_acidity False citric_acid False residual_sugar False chlorides False free_sulfur_dioxide False total_sulfur_dioxide False density False pH False sulphates False alcohol False quality False is_red False dtype: bool

There are no missing values.

Prepare dataset for training baseline model#

Split the input data into 3 sets:

  • Train (60% of the dataset used to train the model)

  • Validation (20% of the dataset used to tune the hyperparameters)

  • Test (20% of the dataset used to report the true performance of the model on an unseen dataset)

from sklearn.model_selection import train_test_split

X = data.drop(["quality"], axis=1)
y = data.quality

# Split out the training data
X_train, X_rem, y_train, y_rem = train_test_split(X, y, train_size=0.6, random_state=123)

# Split the remaining data equally into validation and test
X_val, X_test, y_val, y_test = train_test_split(X_rem, y_rem, test_size=0.5, random_state=123)

Build a baseline model#

This task seems well suited to a random forest classifier, since the output is binary and there may be interactions between multiple variables.

The following code builds a simple classifier using scikit-learn. It uses MLflow to keep track of the model accuracy, and to save the model for later use.

import mlflow
import mlflow.pyfunc
import mlflow.sklearn
import numpy as np
import sklearn
from sklearn.ensemble import RandomForestClassifier
from sklearn.metrics import roc_auc_score
from mlflow.models.signature import infer_signature
from mlflow.utils.environment import _mlflow_conda_env
import cloudpickle
import time

# The predict method of sklearn's RandomForestClassifier returns a binary classification (0 or 1). 
# The following code creates a wrapper function, SklearnModelWrapper, that uses 
# the predict_proba method to return the probability that the observation belongs to each class. 

class SklearnModelWrapper(mlflow.pyfunc.PythonModel):
  def __init__(self, model):
    self.model = model
    
  def predict(self, context, model_input):
    return self.model.predict_proba(model_input)[:,1]

# mlflow.start_run creates a new MLflow run to track the performance of this model. 
# Within the context, you call mlflow.log_param to keep track of the parameters used, and
# mlflow.log_metric to record metrics like accuracy.
with mlflow.start_run(run_name='untuned_random_forest'):
  n_estimators = 10
  model = RandomForestClassifier(n_estimators=n_estimators, random_state=np.random.RandomState(123))
  model.fit(X_train, y_train)

  # predict_proba returns [prob_negative, prob_positive], so slice the output with [:, 1]
  predictions_test = model.predict_proba(X_test)[:,1]
  auc_score = roc_auc_score(y_test, predictions_test)
  mlflow.log_param('n_estimators', n_estimators)
  # Use the area under the ROC curve as a metric.
  mlflow.log_metric('auc', auc_score)
  wrappedModel = SklearnModelWrapper(model)
  # Log the model with a signature that defines the schema of the model's inputs and outputs. 
  # When the model is deployed, this signature will be used to validate inputs.
  signature = infer_signature(X_train, wrappedModel.predict(None, X_train))
  
  # MLflow contains utilities to create a conda environment used to serve models.
  # The necessary dependencies are added to a conda.yaml file which is logged along with the model.
  conda_env =  _mlflow_conda_env(
        additional_conda_deps=None,
        additional_pip_deps=["cloudpickle=={}".format(cloudpickle.__version__), "scikit-learn=={}".format(sklearn.__version__)],
        additional_conda_channels=None,
    )
  mlflow.pyfunc.log_model("random_forest_model", python_model=wrappedModel, conda_env=conda_env, signature=signature)
/databricks/python/lib/python3.8/site-packages/mlflow/models/signature.py:129: UserWarning: Hint: Inferred schema contains integer column(s). Integer columns in Python cannot represent missing values. If your input data contains missing values at inference time, it will be encoded as floats and will cause a schema enforcement error. The best way to avoid this problem is to infer the model schema based on a realistic data sample (training dataset) that includes missing values. Alternatively, you can declare integer columns as doubles (float64) whenever these columns may have missing values. See `Handling Integers With Missing Values <https://www.mlflow.org/docs/latest/models.html#handling-integers-with-missing-values>`_ for more details. inputs = _infer_schema(model_input)

Examine the learned feature importances output by the model as a sanity-check.

feature_importances = pd.DataFrame(model.feature_importances_, index=X_train.columns.tolist(), columns=['importance'])
feature_importances.sort_values('importance', ascending=False)
Out[40]:
importance
alcohol 0.160192
density 0.117415
volatile_acidity 0.093136
chlorides 0.086618
residual_sugar 0.082544
free_sulfur_dioxide 0.080473
pH 0.080212
total_sulfur_dioxide 0.077798
sulphates 0.075780
citric_acid 0.071857
fixed_acidity 0.071841
is_red 0.002134

As illustrated by the boxplots shown previously, both alcohol and density are important in predicting quality.

You logged the Area Under the ROC Curve (AUC) to MLflow. Click Experiment at the upper right to display the Experiment Runs sidebar.

The model achieved an AUC of 0.854.

A random classifier would have an AUC of 0.5, and higher AUC values are better. For more information, see Receiver Operating Characteristic Curve.

Register the model in MLflow Model Registry#

By registering this model in Model Registry, you can easily reference the model from anywhere within Databricks.

The following section shows how to do this programmatically, but you can also register a model using the UI. See “Create or register a model using the UI” (AWS|Azure|GCP).

run_id = mlflow.search_runs(filter_string='tags.mlflow.runName = "untuned_random_forest"').iloc[0].run_id
# If you see the error "PERMISSION_DENIED: User does not have any permission level assigned to the registered model", 
# the cause may be that a model already exists with the name "wine_quality". Try using a different name.
model_name = "wine_quality"
model_version = mlflow.register_model(f"runs:/{run_id}/random_forest_model", model_name)

# Registering the model takes a few seconds, so add a small delay
time.sleep(15)
Registered model 'wine_quality' already exists. Creating a new version of this model... 2022/03/08 04:20:15 INFO mlflow.tracking._model_registry.client: Waiting up to 300 seconds for model version to finish creation. Model name: wine_quality, version 30 Created version '30' of model 'wine_quality'.

You should now see the model in the Models page. To display the Models page, click the Models icon in the left sidebar.

Next, transition this model to production and load it into this notebook from Model Registry.

from mlflow.tracking import MlflowClient

client = MlflowClient()
client.transition_model_version_stage(
  name=model_name,
  version=model_version.version,
  stage="Production",
)
Out[43]: <ModelVersion: creation_timestamp=1646713215808, current_stage='Production', description='', last_updated_timestamp=1646713237353, name='wine_quality', run_id='7fd422b0d80f4b91b74bbaaded2fb79c', run_link='', source='dbfs:/databricks/mlflow-tracking/2706240218630387/7fd422b0d80f4b91b74bbaaded2fb79c/artifacts/random_forest_model', status='READY', status_message='', tags={}, user_id='5813470939533708', version='30'>

The Models page now shows the model version in stage “Production”.

You can now refer to the model using the path “models:/wine_quality/production”.

model = mlflow.pyfunc.load_model(f"models:/{model_name}/production")

# Sanity-check: This should match the AUC logged by MLflow
print(f'AUC: {roc_auc_score(y_test, model.predict(X_test))}')
AUC: 0.8540300975814177

##Experiment with a new model

The random forest model performed well even without hyperparameter tuning.

The following code uses the xgboost library to train a more accurate model. It runs a parallel hyperparameter sweep to train multiple models in parallel, using Hyperopt and SparkTrials. As before, the code tracks the performance of each parameter configuration with MLflow.

from hyperopt import fmin, tpe, hp, SparkTrials, Trials, STATUS_OK
from hyperopt.pyll import scope
from math import exp
import mlflow.xgboost
import numpy as np
import xgboost as xgb

search_space = {
  'max_depth': scope.int(hp.quniform('max_depth', 4, 100, 1)),
  'learning_rate': hp.loguniform('learning_rate', -3, 0),
  'reg_alpha': hp.loguniform('reg_alpha', -5, -1),
  'reg_lambda': hp.loguniform('reg_lambda', -6, -1),
  'min_child_weight': hp.loguniform('min_child_weight', -1, 3),
  'objective': 'binary:logistic',
  'seed': 123, # Set a seed for deterministic training
}

def train_model(params):
  # With MLflow autologging, hyperparameters and the trained model are automatically logged to MLflow.
  mlflow.xgboost.autolog()
  with mlflow.start_run(nested=True):
    train = xgb.DMatrix(data=X_train, label=y_train)
    validation = xgb.DMatrix(data=X_val, label=y_val)
    # Pass in the validation set so xgb can track an evaluation metric. XGBoost terminates training when the evaluation metric
    # is no longer improving.
    booster = xgb.train(params=params, dtrain=train, num_boost_round=1000,\
                        evals=[(validation, "validation")], early_stopping_rounds=50)
    validation_predictions = booster.predict(validation)
    auc_score = roc_auc_score(y_val, validation_predictions)
    mlflow.log_metric('auc', auc_score)

    signature = infer_signature(X_train, booster.predict(train))
    mlflow.xgboost.log_model(booster, "model", signature=signature)
    
    # Set the loss to -1*auc_score so fmin maximizes the auc_score
    return {'status': STATUS_OK, 'loss': -1*auc_score, 'booster': booster.attributes()}

# Greater parallelism will lead to speedups, but a less optimal hyperparameter sweep. 
# A reasonable value for parallelism is the square root of max_evals.
spark_trials = SparkTrials(parallelism=10)

# Run fmin within an MLflow run context so that each hyperparameter configuration is logged as a child run of a parent
# run called "xgboost_models" .
with mlflow.start_run(run_name='xgboost_models'):
  best_params = fmin(
    fn=train_model, 
    space=search_space, 
    algo=tpe.suggest, 
    max_evals=96,
    trials=spark_trials,
  )
Hyperopt with SparkTrials will automatically track trials in MLflow. To view the MLflow experiment associated with the notebook, click the 'Runs' icon in the notebook context bar on the upper right. There, you can view all runs. To view logs from trials, please check the Spark executor logs. To view executor logs, expand 'Spark Jobs' above until you see the (i) icon next to the stage from the trial job. Click it and find the list of tasks. Click the 'stderr' link for a task to view trial logs. 0%| | 0/96 [00:00<?, ?trial/s, best loss=?] 2%|▏ | 2/96 [00:10<08:03, 5.14s/trial, best loss: -0.882337094564431] 3%|▎ | 3/96 [00:14<07:14, 4.68s/trial, best loss: -0.882337094564431] 4%|▍ | 4/96 [00:17<06:19, 4.13s/trial, best loss: -0.8846500207816997] 6%|▋ | 6/96 [00:21<04:33, 3.04s/trial, best loss: -0.8846500207816997] 7%|▋ | 7/96 [00:23<04:05, 2.76s/trial, best loss: -0.8846500207816997] 9%|▉ | 9/96 [00:30<04:31, 3.13s/trial, best loss: -0.8933918043133573] 10%|█ | 10/96 [00:32<04:06, 2.86s/trial, best loss: -0.8933918043133573] 11%|█▏ | 11/96 [00:36<04:31, 3.20s/trial, best loss: -0.9003632949000169] 12%|█▎ | 12/96 [00:38<04:02, 2.89s/trial, best loss: -0.9003632949000169] 14%|█▎ | 13/96 [00:39<03:16, 2.37s/trial, best loss: -0.9003632949000169] 15%|█▍ | 14/96 [00:43<03:30, 2.56s/trial, best loss: -0.9003632949000169] 16%|█▌ | 15/96 [00:44<02:51, 2.12s/trial, best loss: -0.9003632949000169] 17%|█▋ | 16/96 [00:46<02:47, 2.10s/trial, best loss: -0.9003632949000169] 20%|█▉ | 19/96 [00:49<01:55, 1.49s/trial, best loss: -0.9003632949000169] 21%|██ | 20/96 [00:52<02:19, 1.83s/trial, best loss: -0.9003632949000169] 22%|██▏ | 21/96 [00:55<02:37, 2.11s/trial, best loss: -0.9003632949000169] 23%|██▎ | 22/96 [00:58<02:52, 2.33s/trial, best loss: -0.9003632949000169] 24%|██▍ | 23/96 [00:59<02:25, 1.99s/trial, best loss: -0.9003632949000169] 25%|██▌ | 24/96 [01:04<03:22, 2.81s/trial, best loss: -0.9003632949000169] 27%|██▋ | 26/96 [01:05<02:06, 1.80s/trial, best loss: -0.9003632949000169] 28%|██▊ | 27/96 [01:06<01:52, 1.63s/trial, best loss: -0.9003632949000169] 29%|██▉ | 28/96 [01:07<01:40, 1.48s/trial, best loss: -0.9003632949000169] 30%|███ | 29/96 [01:08<01:31, 1.36s/trial, best loss: -0.9003632949000169] 31%|███▏ | 30/96 [01:17<03:50, 3.50s/trial, best loss: -0.9003632949000169] 33%|███▎ | 32/96 [01:19<02:33, 2.40s/trial, best loss: -0.9003632949000169] 34%|███▍ | 33/96 [01:24<03:11, 3.04s/trial, best loss: -0.9003632949000169] 35%|███▌ | 34/96 [01:29<03:40, 3.55s/trial, best loss: -0.9003632949000169] 36%|███▋ | 35/96 [01:30<02:55, 2.87s/trial, best loss: -0.9003632949000169] 38%|███▊ | 36/96 [01:31<02:21, 2.36s/trial, best loss: -0.9003632949000169] 39%|███▊ | 37/96 [01:33<02:14, 2.28s/trial, best loss: -0.9003632949000169] 40%|███▉ | 38/96 [01:36<02:24, 2.49s/trial, best loss: -0.9003632949000169] 41%|████ | 39/96 [01:37<01:57, 2.06s/trial, best loss: -0.9003632949000169] 42%|████▏ | 40/96 [01:38<01:38, 1.75s/trial, best loss: -0.9003632949000169] 43%|████▎ | 41/96 [01:43<02:30, 2.73s/trial, best loss: -0.9003632949000169] 45%|████▍ | 43/96 [01:46<01:55, 2.17s/trial, best loss: -0.9003632949000169] 46%|████▌ | 44/96 [01:53<02:42, 3.13s/trial, best loss: -0.9003632949000169] 47%|████▋ | 45/96 [01:54<02:11, 2.58s/trial, best loss: -0.9003632949000169] 48%|████▊ | 46/96 [01:55<01:47, 2.16s/trial, best loss: -0.9003632949000169] 49%|████▉ | 47/96 [01:57<01:44, 2.13s/trial, best loss: -0.9003632949000169] 50%|█████ | 48/96 [02:00<01:54, 2.39s/trial, best loss: -0.9003632949000169] 52%|█████▏ | 50/96 [02:02<01:21, 1.78s/trial, best loss: -0.9003632949000169] 53%|█████▎ | 51/96 [02:04<01:23, 1.85s/trial, best loss: -0.9003632949000169] 54%|█████▍ | 52/96 [02:06<01:23, 1.89s/trial, best loss: -0.9003632949000169] 55%|█████▌ | 53/96 [02:10<01:46, 2.47s/trial, best loss: -0.9003632949000169] 57%|█████▋ | 55/96 [02:11<01:06, 1.61s/trial, best loss: -0.9003632949000169] 59%|█████▉ | 57/96 [02:12<00:46, 1.19s/trial, best loss: -0.9003632949000169] 60%|██████ | 58/96 [02:18<01:25, 2.25s/trial, best loss: -0.9003632949000169] 61%|██████▏ | 59/96 [02:20<01:21, 2.19s/trial, best loss: -0.9003632949000169] 62%|██████▎ | 60/96 [02:21<01:08, 1.90s/trial, best loss: -0.9003632949000169] 64%|██████▎ | 61/96 [02:22<00:58, 1.67s/trial, best loss: -0.9003632949000169] 65%|██████▍ | 62/96 [02:23<00:51, 1.50s/trial, best loss: -0.9003632949000169] 67%|██████▋ | 64/96 [02:25<00:41, 1.29s/trial, best loss: -0.9003632949000169] 68%|██████▊ | 65/96 [02:28<00:53, 1.71s/trial, best loss: -0.9003632949000169] 69%|██████▉ | 66/96 [02:30<00:53, 1.80s/trial, best loss: -0.9003632949000169] 71%|███████ | 68/96 [02:31<00:35, 1.26s/trial, best loss: -0.9003632949000169] 72%|███████▏ | 69/96 [02:32<00:32, 1.20s/trial, best loss: -0.9003632949000169] 73%|███████▎ | 70/96 [02:34<00:36, 1.41s/trial, best loss: -0.9003632949000169] 74%|███████▍ | 71/96 [02:35<00:32, 1.31s/trial, best loss: -0.9003632949000169] 75%|███████▌ | 72/96 [02:36<00:29, 1.23s/trial, best loss: -0.9003632949000169] 78%|███████▊ | 75/96 [02:37<00:15, 1.33trial/s, best loss: -0.9003632949000169] 79%|███████▉ | 76/96 [02:44<00:37, 1.85s/trial, best loss: -0.9003632949000169] 80%|████████ | 77/96 [02:45<00:31, 1.66s/trial, best loss: -0.9003632949000169] 81%|████████▏ | 78/96 [02:46<00:27, 1.51s/trial, best loss: -0.9003632949000169] 82%|████████▏ | 79/96 [02:47<00:23, 1.38s/trial, best loss: -0.9003632949000169] 83%|████████▎ | 80/96 [02:48<00:20, 1.28s/trial, best loss: -0.9003632949000169] 85%|████████▌ | 82/96 [02:50<00:16, 1.17s/trial, best loss: -0.9003632949000169] 86%|████████▋ | 83/96 [02:56<00:30, 2.33s/trial, best loss: -0.9003632949000169] 88%|████████▊ | 84/96 [03:00<00:33, 2.76s/trial, best loss: -0.9003632949000169] 89%|████████▊ | 85/96 [03:03<00:31, 2.84s/trial, best loss: -0.9003632949000169] 90%|████████▉ | 86/96 [03:05<00:26, 2.61s/trial, best loss: -0.9003632949000169] 92%|█████████▏| 88/96 [03:07<00:15, 1.90s/trial, best loss: -0.9003632949000169] 93%|█████████▎| 89/96 [03:10<00:15, 2.17s/trial, best loss: -0.9003632949000169] 95%|█████████▍| 91/96 [03:13<00:09, 1.90s/trial, best loss: -0.9003632949000169] 97%|█████████▋| 93/96 [03:14<00:04, 1.38s/trial, best loss: -0.9003632949000169] 98%|█████████▊| 94/96 [03:15<00:02, 1.31s/trial, best loss: -0.9003632949000169] 99%|█████████▉| 95/96 [03:17<00:01, 1.46s/trial, best loss: -0.9003632949000169] 100%|██████████| 96/96 [03:21<00:00, 2.09s/trial, best loss: -0.9003632949000169] 100%|██████████| 96/96 [03:21<00:00, 2.10s/trial, best loss: -0.9003632949000169] Total Trials: 96: 96 succeeded, 0 failed, 0 cancelled.

Use MLflow to view the results#

Open up the Experiment Runs sidebar to see the MLflow runs. Click on Date next to the down arrow to display a menu, and select ‘auc’ to display the runs sorted by the auc metric. The highest auc value is 0.90.

MLflow tracks the parameters and performance metrics of each run. Click the External Link icon at the top of the Experiment Runs sidebar to navigate to the MLflow Runs Table.

Now investigate how the hyperparameter choice correlates with AUC. Click the “+” icon to expand the parent run, then select all runs except the parent, and click “Compare”. Select the Parallel Coordinates Plot.

The Parallel Coordinates Plot is useful in understanding the impact of parameters on a metric. You can drag the pink slider bar at the upper right corner of the plot to highlight a subset of AUC values and the corresponding parameter values. The plot below highlights the highest AUC values:

Notice that all of the top performing runs have a low value for reg_lambda and learning_rate.

You could run another hyperparameter sweep to explore even lower values for these parameters. For simplicity, that step is not included in this example.

You used MLflow to log the model produced by each hyperparameter configuration. The following code finds the best performing run and saves the model to Model Registry.

best_run = mlflow.search_runs(order_by=['metrics.auc DESC']).iloc[0]
print(f'AUC of Best Run: {best_run["metrics.auc"]}')
AUC of Best Run: 0.9003632949000169

Update the production wine_quality model in MLflow Model Registry#

Earlier, you saved the baseline model to Model Registry with the name wine_quality. Now that you have a created a more accurate model, update wine_quality.

new_model_version = mlflow.register_model(f"runs:/{best_run.run_id}/model", model_name)

# Registering the model takes a few seconds, so add a small delay
time.sleep(15)
Registered model 'wine_quality' already exists. Creating a new version of this model... 2022/03/08 04:24:04 INFO mlflow.tracking._model_registry.client: Waiting up to 300 seconds for model version to finish creation. Model name: wine_quality, version 31 Created version '31' of model 'wine_quality'.

Click Models in the left sidebar to see that the wine_quality model now has two versions.

The following code promotes the new version to production.

# Archive the old model version
client.transition_model_version_stage(
  name=model_name,
  version=model_version.version,
  stage="Archived"
)

# Promote the new model version to Production
client.transition_model_version_stage(
  name=model_name,
  version=new_model_version.version,
  stage="Production"
)
Out[48]: <ModelVersion: creation_timestamp=1646713443971, current_stage='Production', description='', last_updated_timestamp=1646713465720, name='wine_quality', run_id='ef703dd69da445d69ecf8f56be34354c', run_link='', source='dbfs:/databricks/mlflow-tracking/2706240218630387/ef703dd69da445d69ecf8f56be34354c/artifacts/model', status='READY', status_message='', tags={}, user_id='5813470939533708', version='31'>

Clients that call load_model now receive the new model.

# This code is the same as the last block of "Building a Baseline Model". No change is required for clients to get the new model!
model = mlflow.pyfunc.load_model(f"models:/{model_name}/production")
print(f'AUC: {roc_auc_score(y_test, model.predict(X_test))}')
AUC: 0.9058945462164752

The auc value on the test set for the new model is 0.90. You beat the baseline!

##Batch inference

There are many scenarios where you might want to evaluate a model on a corpus of new data. For example, you may have a fresh batch of data, or may need to compare the performance of two models on the same corpus of data.

The following code evaluates the model on data stored in a Delta table, using Spark to run the computation in parallel.

# To simulate a new corpus of data, save the existing X_train data to a Delta table. 
# In the real world, this would be a new batch of data.
spark_df = spark.createDataFrame(X_train)
# Replace <username> with your username before running this cell.
table_path = "dbfs:/<username>/delta/wine_data"
# Delete the contents of this path in case this cell has already been run
dbutils.fs.rm(table_path, True)
spark_df.write.format("delta").save(table_path)

Load the model into a Spark UDF, so it can be applied to the Delta table.

import mlflow.pyfunc

apply_model_udf = mlflow.pyfunc.spark_udf(spark, f"models:/{model_name}/production")
# Read the "new data" from Delta
new_data = spark.read.format("delta").load(table_path)
display(new_data)
fixed_acidityvolatile_aciditycitric_acidresidual_sugarchloridesfree_sulfur_dioxidetotal_sulfur_dioxidedensitypHsulphatesalcoholis_red
7.20.230.392.30.03329.0102.00.99083.260.5412.30
6.40.240.271.50.0435.0105.00.989143.130.312.40
7.40.240.2910.10.0521.0105.00.99623.130.359.50
8.60.370.656.40.083.08.00.998173.270.5811.01
5.90.320.393.30.11424.0140.00.99343.090.459.20
7.00.420.351.60.08816.039.00.99613.340.559.21
6.70.310.446.70.05429.0160.00.99523.040.449.60
8.10.5450.181.90.0813.035.00.99723.30.599.01
6.30.410.33.20.0349.0164.00.99273.530.7911.70
7.30.490.325.20.04318.0104.00.99523.240.4510.70
5.70.240.476.30.06935.0182.00.993913.110.469.733333333333330
7.20.230.328.50.05847.0186.00.99563.190.49.90
6.90.310.347.40.05936.0174.00.99633.460.6211.10
6.00.260.323.50.02829.0113.00.99123.40.7112.30
6.50.320.1211.50.03335.0165.00.99743.220.329.00
7.10.210.31.40.03745.0143.00.99323.130.339.90
8.20.270.397.80.03949.0208.00.99763.310.519.50
6.80.260.247.80.05254.0214.00.99613.130.478.90
7.00.360.352.50.04867.0161.00.991463.050.5611.10
7.20.250.321.50.05424.0105.00.991543.170.4811.10
8.40.190.432.10.05220.0104.00.9942.850.469.50
5.60.6150.01.60.08916.059.00.99433.580.529.91
6.60.0850.331.40.03617.0109.00.993063.270.619.50
8.80.390.351.80.09622.080.00.990162.950.5412.60
6.00.270.284.80.06331.0201.00.99643.690.7110.00
7.30.320.232.30.06635.070.00.995883.430.6210.11
9.20.710.236.20.04215.093.00.99482.890.3410.10
7.50.220.322.40.04529.0100.00.991353.080.611.30
7.50.140.741.60.03521.0126.00.99333.260.4510.20
5.60.2450.321.10.04724.0152.00.99273.120.429.30
5.80.280.669.10.03926.0159.00.99653.660.5510.80
6.30.150.31.40.02238.0100.00.990993.420.5711.40
7.10.370.36.20.0449.0139.00.990213.170.2713.60
6.50.290.531.70.0441.0192.00.99223.260.5910.40
7.40.280.512.10.04948.0122.00.99733.010.449.00
7.10.320.2413.10.0552.0204.00.9983.10.498.80
6.00.270.323.60.03536.0133.00.992153.230.4610.80
9.20.180.491.50.04139.0130.00.99453.040.499.80
6.60.840.032.30.05932.048.00.99523.520.5612.31
7.60.140.741.60.0427.0103.00.99163.070.410.80
5.50.290.31.10.02220.0110.00.988693.340.3812.80
7.20.220.287.20.0641.0132.00.99353.080.5911.30
7.60.270.292.50.05937.0115.00.993283.090.379.80
7.30.20.392.30.04824.087.00.990442.940.3512.00
7.20.660.032.30.07816.086.00.997433.530.579.71
7.60.330.362.10.03426.0172.00.99443.420.4810.50
9.00.430.31.50.057.0175.00.99513.110.459.70
8.00.170.292.40.02952.0119.00.989443.030.3312.90
7.40.270.312.40.01415.0143.00.990943.030.6512.00
8.00.270.331.20.0541.0103.00.990023.00.4512.40
7.50.210.291.50.04635.0107.00.991233.150.4511.30
7.30.390.312.40.0749.046.00.99623.410.549.41
6.90.190.3513.50.03849.0118.00.995463.00.6310.70
7.30.250.281.50.04319.0113.00.993383.380.5610.10
8.00.190.32.00.05348.0140.00.9943.180.499.60
6.40.240.320.950.04123.0131.00.990333.250.3511.80
6.60.20.144.40.18435.0168.00.993962.930.459.40
6.10.150.296.20.04639.0151.00.994713.60.4410.60
8.80.60.292.20.0985.015.00.99883.360.499.11
7.10.380.2913.60.04130.0137.00.994613.020.9612.10
7.10.210.721.60.16765.0120.00.993242.970.519.20
7.50.290.3615.70.0529.0124.00.99683.060.5410.40
5.40.150.322.50.03710.051.00.988783.040.5812.60
7.20.390.6311.00.04455.0156.00.99743.090.448.70
7.60.260.321.30.04823.076.00.99032.960.4612.00
11.80.230.3811.10.03415.0123.00.99972.930.559.70
6.00.190.379.70.03217.050.00.99323.080.6612.00
8.10.280.341.30.03511.0126.00.992323.140.59.80
6.30.230.215.10.03529.0142.00.99423.360.3310.10
6.40.280.361.30.05328.0186.00.992113.310.4510.80
10.00.730.432.30.05915.031.00.99663.150.5711.01
6.50.50.224.10.03635.0131.00.99023.260.5513.00
7.00.360.35.00.0440.0143.00.991733.330.4212.20
5.70.230.289.650.02526.0121.00.99253.280.3811.30
6.80.30.2620.30.03745.0150.00.997273.040.3812.30
7.50.220.336.70.03645.0138.00.99393.20.6811.40
5.10.350.266.80.03436.0120.00.991883.380.411.50
6.150.210.373.20.02120.080.00.990763.390.4712.00
6.00.210.38.70.03647.0127.00.993683.180.3910.60
6.20.230.3617.20.03937.0130.00.999463.230.438.80
7.40.250.3613.20.06753.0178.00.99763.010.489.00
6.50.220.283.70.05929.0151.00.991773.230.4112.10
7.50.380.294.90.02138.0113.00.990263.080.4813.00
6.60.270.331.40.04224.0183.00.992153.290.4610.70
7.90.170.321.60.05347.0150.00.99483.290.769.60
8.00.20.38.10.03742.0130.00.993793.10.6711.80
7.90.160.37.40.0558.0152.00.996123.120.379.50
6.60.30.34.80.1760.0166.00.99463.180.479.40
7.30.590.267.20.0735.0121.00.99813.370.499.41
7.00.150.341.40.03921.0177.00.99273.320.6210.80
6.30.250.531.80.02141.0101.00.9893153.190.3113.00
6.70.250.332.90.05752.0173.00.99343.020.489.50
6.10.410.1410.40.03718.0119.00.9963.380.4510.00
7.10.750.012.20.05911.018.00.992423.390.412.81
7.10.370.6710.50.04549.0155.00.99753.160.448.70
8.30.610.32.10.08411.050.00.99723.40.6110.21
7.50.330.284.90.04221.0155.00.993853.360.5710.90
8.90.340.341.60.05613.0176.00.99463.140.479.70
6.50.280.359.80.06761.0180.00.99723.150.579.00
7.70.160.365.90.05425.0148.00.995783.250.5410.20
7.50.520.161.90.08512.035.00.99683.380.629.51
7.40.350.213.90.05463.0229.00.998883.110.58.90
7.30.290.378.30.04445.0227.00.99663.120.479.00
5.60.660.02.20.0873.011.00.993783.710.6312.81
5.90.650.235.00.03520.0128.00.990163.460.4812.80
6.70.340.42.10.03334.0111.00.989242.970.4812.20
7.40.290.291.60.04553.0180.00.99363.340.6810.50
8.10.20.280.90.02349.087.00.990622.920.3611.10
7.20.370.322.00.06215.028.00.99473.230.7311.31
7.00.8050.02.50.0687.020.00.99693.480.569.61
4.90.3350.141.30.03669.0168.00.992123.470.4610.46666666666670
7.30.330.472.10.0775.011.00.99583.330.5310.31
8.80.280.456.00.02214.049.00.99343.010.3311.10
7.10.630.062.00.0838.029.00.998553.670.739.61
6.90.290.419.450.04336.0156.00.99962.930.478.90
6.70.260.498.30.04754.0191.00.99543.230.410.30
7.70.230.371.80.04623.060.00.99713.410.7112.11
5.80.20.161.40.04244.099.00.989123.230.3712.20
7.40.6350.12.40.0816.033.00.997363.580.6910.81
6.20.410.221.90.0235.056.00.989283.040.7913.00
7.70.380.42.00.03828.0152.00.99063.180.3212.90
9.30.20.331.70.0528.0178.00.99543.160.439.00
8.20.30.4412.40.04352.0154.00.994523.040.3312.00
5.60.290.050.80.03811.030.00.99243.360.359.20
9.80.980.322.30.07835.0152.00.9983.250.489.41
6.20.290.2312.40.04833.0201.00.996123.110.569.90
6.70.280.348.90.04832.0111.00.994553.250.5411.00
7.20.210.341.10.04625.080.00.9923.250.411.30
7.00.430.32.00.0856.039.00.993463.330.4611.91
6.30.230.223.750.03937.0116.00.99273.230.510.70
6.40.690.01.650.0557.012.00.991623.470.5312.91
6.70.150.327.90.03417.081.00.995123.290.3110.00
6.30.260.257.80.05844.0166.00.99613.240.419.00
7.50.3050.381.40.04730.095.00.991583.220.5211.50
7.90.190.451.50.04517.096.00.99173.130.3911.00
6.80.190.341.90.0441.0108.00.993.250.4512.90
6.70.30.4510.60.03256.0212.00.9973.220.599.50
5.60.150.315.30.0388.079.00.99233.30.3910.50
6.60.610.011.90.088.025.00.997463.690.7310.51
6.60.230.34.60.0629.0154.00.991423.230.4912.20
6.80.280.4411.50.0458.0223.00.99693.220.569.50
5.20.4050.151.450.03810.044.00.991253.520.411.60
7.00.310.397.50.05542.0218.00.996523.370.5410.30
7.40.350.332.40.0689.026.00.99473.360.611.91
6.90.220.316.30.02941.0131.00.993263.080.4910.80
8.10.5750.222.10.07712.065.00.99673.290.519.21
6.70.240.368.40.04242.0123.00.994733.340.5210.90
5.80.310.324.50.02428.094.00.989063.250.5213.70
6.40.240.268.20.05447.0182.00.995383.120.59.50
6.80.250.241.60.04539.0164.00.994023.530.5810.80
8.90.330.341.40.05614.0171.00.99463.130.479.70
6.80.730.26.60.05425.065.00.993243.120.2811.10
7.30.20.392.30.04824.087.00.990442.940.3512.00
6.40.30.335.20.0530.0137.00.993043.260.5811.10
8.00.620.352.80.08628.052.00.9973.310.6210.81
7.50.170.321.70.0451.0148.00.99163.210.4411.50
5.60.1750.290.80.04320.067.00.991123.280.489.90
4.40.460.12.80.02431.0111.00.988163.480.3413.10
7.50.30.321.40.03231.0161.00.991542.950.4210.50
6.30.260.427.10.04562.0209.00.995443.20.539.50
6.00.310.243.30.04125.0143.00.99143.310.4411.30
11.60.470.441.60.14736.051.00.998363.380.869.91
6.70.350.488.80.05635.0167.00.996283.040.479.40
9.00.620.041.90.14627.090.00.99843.160.79.41
6.50.230.2517.30.04615.0110.00.998283.150.429.20
9.80.360.4610.50.0384.083.00.99562.890.310.10
7.90.350.463.60.07815.037.00.99733.350.8612.81
7.10.240.4117.80.04639.0145.00.99983.320.398.70
5.90.30.291.10.03623.056.00.99043.190.3811.30
6.70.70.083.750.0678.016.00.993343.430.5212.61
6.40.570.122.30.1225.036.00.995193.470.7111.31
6.00.260.293.10.04137.0144.00.989443.220.3912.80
6.90.170.224.60.06455.0152.00.99523.290.379.30
5.60.350.371.00.0386.072.00.99023.370.3411.40
5.30.160.391.00.02840.0101.00.991563.570.5910.60
6.20.310.233.30.05234.0113.00.994293.160.488.40
7.00.280.398.70.05132.0141.00.99613.380.5310.50
7.40.640.175.40.16852.098.00.997363.280.59.51
8.00.580.162.00.123.07.00.994543.220.5811.21
6.10.380.151.80.0726.019.00.99553.420.579.41
6.50.390.811.20.21714.074.00.99363.080.539.50
8.20.520.341.20.04218.0167.00.993663.240.3910.60
6.20.230.3617.20.03937.0130.00.999463.230.438.80
8.40.220.2818.80.02855.0130.00.9982.960.3511.60
7.00.480.124.50.0523.086.00.993982.860.359.00
7.70.340.2811.00.0431.0117.00.998153.270.299.20
9.90.540.452.30.07116.040.00.99913.390.629.41
6.30.270.377.90.04758.0215.00.995423.190.489.50
9.60.290.461.450.03977.5223.00.99442.920.469.50
9.40.160.231.60.04214.067.00.99423.070.329.50
6.80.380.299.90.03740.0146.00.993263.110.3711.50
6.00.280.2919.30.05136.0174.00.999113.140.59.00
6.30.240.291.60.05248.0185.00.99343.210.59.40
5.60.2050.1612.550.05131.0115.00.995643.40.3810.80
8.10.360.5913.60.05160.0134.00.998862.960.398.70
6.60.220.3715.40.03562.0153.00.998453.020.49.30
7.70.290.482.30.04936.0178.00.99313.170.6410.60
6.50.210.372.50.04870.0138.00.99173.330.7511.40
6.80.590.066.00.0611.018.00.99623.410.5910.81
6.60.160.41.50.04448.0143.00.99123.540.5212.40
7.60.390.323.60.03522.093.00.991443.080.612.50
6.50.240.381.00.02731.090.00.989263.240.3612.30
9.80.440.472.50.0639.028.00.99813.240.6510.81
7.10.310.514.50.0596.0148.00.99832.940.449.10
6.80.320.284.80.03425.0100.00.990263.080.4712.40
6.20.560.091.70.05324.032.00.994023.540.611.31
7.70.460.183.30.05418.0143.00.993923.120.5110.80
8.20.290.339.10.03628.0118.00.99532.960.410.90
10.61.020.432.90.07626.088.00.99843.080.5710.11
6.20.360.2613.20.05154.0201.00.99763.250.469.00
7.60.480.2810.40.04957.0205.00.997483.240.459.30
5.80.280.344.00.03140.099.00.98963.390.3912.80
7.50.41.019.50.04133.0148.00.99773.240.3812.00
8.70.230.3213.40.04435.0169.00.999753.120.478.80
7.00.270.486.10.04260.0184.00.995663.20.59.40
6.60.390.3911.90.05751.0221.00.998513.260.518.90
7.80.560.191.80.10412.047.00.99643.190.939.51
6.30.180.243.40.05320.0119.00.993733.110.529.20
9.00.380.532.10.10219.076.00.990012.930.5712.90
6.60.350.2914.40.04454.0177.00.99913.170.588.90
6.40.380.142.20.03815.025.00.995143.440.6511.11
6.20.210.241.20.05131.095.00.990363.240.5711.30
6.80.260.3415.10.0642.0162.00.997053.240.5210.50
8.80.60.292.20.0985.015.00.99883.360.499.11
6.70.320.442.40.06124.034.00.994843.290.811.61
6.20.320.124.80.0546.097.00.994243.160.59.30
7.150.170.249.60.11956.0178.00.995783.150.4410.20
6.30.270.377.90.04758.0215.00.995423.190.489.50
6.60.270.315.30.13735.0163.00.99513.20.389.30
7.40.30.498.20.05549.0188.00.99743.520.589.70
7.50.290.678.10.03753.0166.00.99662.90.418.90
7.30.550.031.60.07217.042.00.99563.370.489.01
8.20.180.381.10.0441.092.00.990622.880.612.00
6.90.40.242.50.08330.045.00.99593.260.5810.01
7.00.260.2610.80.03937.0184.00.997873.470.5810.30
7.80.40.269.50.05932.0178.00.99553.040.4310.90
6.40.150.441.20.04367.0150.00.99073.140.7311.20
7.40.240.4214.00.06648.0198.00.99792.890.428.90
9.20.230.3510.70.03734.0145.00.99813.090.329.70
8.00.570.393.90.03422.0122.00.99173.290.6712.80
7.10.180.261.30.04120.071.00.99263.040.749.90
8.10.380.481.80.1575.017.00.99763.31.059.41
7.10.210.278.60.05626.0111.00.99562.950.529.50
7.10.180.3914.50.05148.0156.00.999473.350.789.10
5.70.360.216.70.03851.0166.00.99413.290.6310.00
7.00.650.022.10.0668.025.00.99723.470.679.51
6.90.40.142.40.08521.040.00.99683.430.639.71
7.50.320.244.60.0538.0134.00.99583.140.59.10
7.00.30.3814.90.03260.0181.00.99833.180.619.30
6.70.130.576.60.05660.0150.00.995482.960.439.40
8.00.280.427.10.04541.0169.00.99593.170.4310.60
7.30.190.2713.90.05745.0155.00.998072.940.418.80
5.70.280.282.20.01915.065.00.99023.060.5211.20
7.50.570.022.60.07711.035.00.995573.360.6210.81
6.60.550.012.70.03456.0122.00.99063.150.311.90
7.60.390.312.30.08223.071.00.99823.520.659.71
6.60.280.428.20.04460.0196.00.995623.140.489.40
7.90.440.375.850.03327.093.00.9923.160.5412.60
8.10.270.331.30.04526.0100.00.990662.980.4412.40
6.20.370.246.10.03219.086.00.989343.040.2613.40
5.90.170.293.10.0332.0123.00.989133.410.3313.70
7.70.9650.12.10.11211.022.00.99633.260.59.51
7.00.50.141.80.07810.023.00.996363.530.6110.41
6.60.280.428.20.04460.0196.00.995623.140.489.40
7.30.280.351.60.05431.0148.00.991783.180.4710.70
6.80.270.313.00.04769.0160.00.997053.160.59.60
6.40.240.3214.90.04754.0162.00.99683.280.510.20
6.80.320.373.40.02319.087.00.99023.140.5312.70
7.50.170.7111.80.03852.0148.00.998013.030.468.90
7.60.480.371.20.0345.057.00.992563.050.5410.40
6.00.430.347.60.04525.0118.00.992223.030.3711.00
8.40.350.5613.80.04855.0190.00.99933.070.589.40
6.10.320.251.70.03437.0136.00.9923.470.510.80
6.70.240.3312.30.04631.0145.00.99833.360.49.50
6.70.230.331.80.03623.096.00.99253.320.410.80
6.30.270.255.80.03852.0155.00.9953.280.389.40
6.90.210.811.10.13752.0123.00.99323.030.399.20
8.00.250.1317.20.03649.0219.00.99962.960.469.70
5.70.280.351.20.05239.0141.00.991083.440.6911.30
8.30.660.151.90.07917.042.00.99723.310.549.61
6.60.170.31.10.03113.073.00.990953.170.5811.00
7.90.540.342.50.0768.017.00.992353.20.7213.11
8.30.180.31.10.03320.057.00.991093.020.5111.00
10.90.530.494.60.11810.017.01.00023.070.5611.71
7.20.360.462.10.07424.044.00.995343.40.8511.01
10.60.310.492.20.06318.040.00.99763.140.519.81
7.30.220.414.750.04244.5129.50.99983.360.419.10
8.20.310.437.00.04718.087.00.996283.230.6410.60
6.50.290.2510.60.03932.0120.00.99623.310.3410.10
9.10.220.242.10.0781.028.00.9993.410.8710.31
7.20.230.1913.70.05247.0197.00.998653.120.539.00
7.10.460.142.80.07615.037.00.996243.360.4910.71
6.90.520.252.60.08110.037.00.996853.460.511.01
7.10.320.2413.10.0552.0204.00.9983.10.498.80
6.80.210.421.20.04524.0126.00.992343.090.8710.90
8.00.20.45.20.05541.0167.00.99533.180.410.60
7.40.180.38.80.06426.0103.00.99612.940.569.30
6.80.220.316.90.03733.0121.00.991763.020.3911.90
5.00.20.41.90.01520.098.00.98973.370.5512.050
6.30.240.2211.90.0565.0179.00.996593.060.589.30
7.40.620.051.90.06824.042.00.99613.420.5711.51
9.60.680.242.20.0875.028.00.99883.140.610.21
6.50.290.527.90.04935.0192.00.995513.160.519.50
7.00.460.216.70.04650.0184.00.998983.080.569.40
8.40.650.62.10.11212.090.00.99733.20.529.21
7.80.390.269.90.05933.0181.00.99553.040.4210.90
6.60.7250.095.50.1179.017.00.996553.350.4910.81
5.80.360.51.00.12763.0178.00.992123.10.459.70
9.30.360.391.50.0841.055.00.996523.470.7310.91
7.50.180.3111.70.05124.094.00.9973.190.449.50
8.00.40.337.70.03427.098.00.99353.180.4112.20
6.00.260.334.350.0415.080.00.989343.290.512.70
8.80.550.042.20.11914.056.00.99623.210.610.91
6.40.290.36.50.20962.0156.00.994783.10.49.40
7.30.130.312.30.05422.0104.00.99243.240.9211.50
6.40.230.321.90.03840.0118.00.990743.320.5311.80
7.40.210.271.20.04127.099.00.99273.190.339.80
6.80.260.421.70.04941.0122.00.9933.470.4810.50
7.00.290.493.80.04737.0136.00.99382.950.49.40
9.40.280.31.60.04536.0139.00.995343.110.499.30
8.30.330.421.150.03318.096.00.99113.20.3212.40
5.30.2750.247.40.03828.0114.00.993133.380.5111.00
7.20.220.355.50.05437.0183.00.994743.080.510.30
6.60.320.264.60.03126.0120.00.991983.40.7312.50
6.30.30.481.80.06918.061.00.99593.440.7810.31
7.80.440.282.70.118.095.00.99663.220.679.41
7.10.430.425.50.07128.0128.00.99733.420.7110.51
5.90.240.2612.30.05334.0134.00.99723.340.459.50
6.60.440.152.10.07622.053.00.99573.320.629.31
6.70.190.391.00.03214.071.00.989123.310.3813.00
6.00.380.263.50.03538.0111.00.988723.180.4713.60
6.80.50.111.50.07516.049.00.995453.360.799.51
7.10.320.3211.00.03816.066.00.99373.240.411.50
7.80.40.497.80.0634.0162.00.99663.260.5811.30
7.80.190.268.90.03942.0182.00.9963.180.469.90
7.20.230.3914.20.05849.0192.00.99792.980.489.00
7.30.910.11.80.07420.056.00.996723.350.569.21
7.90.250.3411.40.0453.0202.00.997083.110.579.60
6.70.240.462.20.03319.0111.00.990453.10.6211.90
7.00.360.212.40.08624.069.00.995563.40.5310.11
6.70.50.3611.50.09618.092.00.996423.110.499.60
6.80.250.311.80.04353.0133.00.995243.030.5810.40
7.00.140.281.30.02610.056.00.993523.460.459.90
7.40.20.352.10.03830.0116.00.99493.490.7710.30
6.60.70.082.60.10614.027.00.996653.440.5810.21
6.70.180.3110.60.03542.0143.00.995723.080.499.80
7.50.380.335.00.04530.0131.00.99423.320.4410.90
6.80.240.388.30.04550.0185.00.995783.150.59.50
9.20.250.341.20.02631.093.00.99162.930.3711.30
10.10.310.351.60.0759.028.00.996723.240.8311.21
6.150.210.373.20.02120.080.00.990763.390.4712.00
5.01.040.241.60.0532.096.00.99343.740.6211.51
7.10.380.42.20.04254.0201.00.991773.030.511.40
6.50.210.5117.60.04534.0125.00.999663.20.478.80
6.80.140.181.40.04730.090.00.991643.270.5411.20
7.80.240.382.10.05814.0167.00.9943.210.559.90
5.50.170.232.90.03910.0108.00.992433.280.510.00
6.70.560.092.90.0797.022.00.996693.460.6110.21
7.20.620.012.30.0658.046.00.993323.320.5111.81
6.70.220.331.20.03636.086.00.990583.10.7611.40
9.10.280.492.00.05910.0112.00.99583.150.4610.10
6.40.310.2613.20.04657.0205.00.99753.170.419.60
5.00.40.54.30.04629.080.00.99023.490.6613.61
8.00.170.292.40.02952.0119.00.989443.030.3312.90
6.40.270.458.30.0552.0196.00.99553.180.489.50
8.40.20.3811.80.05551.0170.01.00043.340.828.90
7.60.430.292.10.07519.066.00.997183.40.649.51
6.40.310.281.50.03712.0119.00.99193.320.5110.40
7.40.160.313.70.05633.0168.00.998252.90.448.70
7.30.210.291.60.03429.0118.00.99173.30.511.00
7.10.750.012.20.05911.018.00.992423.390.412.81
5.80.260.32.60.03475.0129.00.99023.20.3811.50
5.70.260.2417.80.05923.0124.00.997733.30.510.10
6.50.260.3416.30.05156.0197.01.00043.490.429.80
5.60.250.192.40.04942.0166.00.9923.250.4310.40
8.20.230.421.90.0699.017.00.993763.210.5412.31
5.70.220.216.00.04441.0113.00.998623.220.468.90
7.60.360.4911.30.04687.0221.00.99843.010.439.20
6.20.460.171.60.0737.011.00.994253.610.5411.41
6.30.340.364.90.03531.0185.00.99463.150.499.70
6.90.210.241.80.02117.080.00.989923.150.4612.30
6.80.320.328.70.02931.0105.00.991463.00.3412.30
6.70.310.32.40.03830.083.00.988673.090.3612.80
8.20.370.6413.90.04322.0171.00.998732.990.89.30
6.60.310.071.50.03355.0144.00.992083.160.4210.00
5.20.6450.02.150.0815.028.00.994443.780.6112.51
6.30.320.2612.00.04963.0170.00.99613.140.559.90
6.20.220.312.40.054108.0152.00.997283.10.479.50
7.40.180.291.40.04234.0101.00.993843.540.610.50
5.70.10.271.30.04721.0100.00.99283.270.469.50
10.50.420.662.950.11612.029.00.9973.240.7511.71
8.30.490.432.50.03632.0116.00.99443.230.4710.70
6.50.6150.01.90.0659.018.00.99723.460.659.21
8.90.270.280.80.02429.0128.00.989843.010.3512.40
6.20.660.481.20.02929.075.00.98923.330.3912.80
6.10.680.521.40.03732.0123.00.990223.240.4512.00
6.60.210.39.90.04164.0174.00.9953.070.510.10
6.20.30.321.30.05427.0183.00.992663.30.4310.10
5.70.210.251.10.03526.081.00.99023.310.5211.40
5.90.220.381.30.04624.090.00.992323.20.4710.00
7.80.570.311.80.06926.0120.00.996253.290.539.31
7.50.330.3211.10.03625.0119.00.99623.150.3410.50
6.60.240.2212.30.05135.0146.00.996763.10.679.40
7.30.240.347.50.04829.0152.00.99623.10.549.00
6.60.230.211.40.04445.0131.00.996042.960.519.70
6.10.190.372.60.04124.099.00.991533.180.510.90
6.00.240.332.50.02631.085.00.990143.130.511.30
7.40.260.436.00.02222.0125.00.99283.130.5511.50
6.00.240.326.30.0334.0129.00.99463.520.4110.40
7.90.640.4610.60.24433.0227.00.99832.870.749.10
8.70.230.3213.40.04435.0169.00.999753.120.478.80
7.20.40.491.10.04811.0138.00.99293.010.429.30
6.90.320.161.40.05115.096.00.9943.220.389.50
6.40.240.2811.50.0534.0163.00.99693.310.459.50
6.40.230.3510.30.04254.0140.00.99673.230.479.20
7.40.260.436.00.02222.0125.00.99283.130.5511.50
6.20.370.36.60.34679.0200.00.99543.290.589.60
8.50.180.31.10.02834.095.00.992722.830.3610.00
6.80.270.294.60.0466.088.00.994583.340.4810.60
7.80.390.422.00.0869.021.00.995263.390.6611.61
6.40.330.448.90.05552.0164.00.994883.10.489.60
7.10.230.3913.70.05826.0172.00.997552.90.469.00
9.10.520.331.30.079.030.00.99783.240.69.31
6.60.340.281.30.03532.090.00.99163.10.4210.70
6.90.550.152.20.07619.040.00.99613.410.5910.11
6.30.220.225.60.03931.0128.00.992963.120.4610.40
5.80.3350.145.80.04649.0197.00.99373.30.7110.30
8.80.470.492.90.08517.0110.00.99823.290.69.81
6.90.190.64.00.0376.0122.00.992552.920.5910.40
7.50.340.284.00.02846.0100.00.989583.20.513.20
7.00.780.082.00.09310.019.00.99563.40.4710.01
7.20.211.01.10.15446.0114.00.99312.950.439.20
6.80.230.36.950.04442.0179.00.99463.250.5610.60
7.70.390.284.90.03536.0109.00.99183.190.5812.20
5.80.280.181.20.0587.0108.00.992883.230.589.550
6.60.260.466.90.04759.0183.00.995943.20.459.30
6.60.240.388.00.04256.0187.00.995773.210.469.20
6.00.580.22.40.07515.050.00.994673.580.6712.51
6.10.210.191.40.04651.0131.00.991843.220.3910.50
7.30.380.236.50.0518.0102.00.993043.10.5511.20
7.40.160.2715.50.0525.0135.00.99842.90.438.70
7.10.210.372.40.02623.0100.00.99033.150.3811.40
8.80.340.339.70.03646.0172.00.99663.080.410.20
6.80.230.321.60.02643.0147.00.99043.290.5412.50
6.00.340.296.10.04629.0134.00.994623.480.5710.70
6.30.390.161.40.0811.023.00.99553.340.569.31
6.50.240.327.60.03848.0203.00.99583.450.549.70
6.50.270.196.60.04598.0175.00.993643.160.3410.10
5.70.430.35.70.03924.098.00.9923.540.6112.30
8.60.4850.294.10.02619.0101.00.99183.010.3812.40
6.20.450.21.60.0693.015.00.99583.410.569.21
5.90.270.279.00.05143.0136.00.99413.250.5310.70
7.40.280.35.30.05444.0161.00.99413.120.4810.30
8.20.370.361.00.03417.093.00.99063.040.3211.70
7.90.510.342.60.04913.0135.00.993353.090.5110.00
6.20.340.311.10.04728.0237.00.99813.180.498.70
6.40.270.497.30.04653.0206.00.99563.240.439.20
7.10.260.3214.450.07429.0107.00.9982.960.429.20
7.90.30.688.30.0537.5278.00.993163.010.5112.31
7.20.6850.219.50.0733.0172.00.99713.00.559.10
5.30.240.331.30.03325.097.00.99063.590.3811.00
6.10.450.270.80.03913.082.00.99273.230.329.50
5.70.260.2510.40.027.057.00.9943.390.3710.60
7.60.480.319.40.0466.0194.00.997143.070.619.40
6.10.380.143.90.0627.0113.00.993443.070.349.20
6.60.210.392.30.04131.0102.00.992213.220.5810.90
7.50.290.2614.950.06747.0178.00.998383.040.499.20
5.70.220.216.00.04441.0113.00.998623.220.468.90
7.30.220.3714.30.06348.0191.00.99782.890.389.00
5.60.190.474.50.0319.0112.00.99223.560.4511.20
6.40.150.361.80.03443.0150.00.99223.420.6911.00
6.30.310.310.00.04649.0212.00.99623.740.5511.90
7.60.160.441.40.04325.0109.00.99323.110.7510.30
8.30.210.41.60.03235.0110.00.99073.020.612.90
6.60.460.497.40.05219.0184.00.99563.110.389.00
7.20.340.322.50.0943.0113.00.99663.320.7911.11
5.60.350.145.00.04648.0198.00.99373.30.7110.30
5.70.2450.331.10.04928.0150.00.99273.130.429.30
7.60.6450.031.90.08614.057.00.99693.370.4610.31
7.60.320.5816.750.0543.0163.00.99993.150.549.20
7.80.910.071.90.05822.047.00.995253.510.4310.71
7.80.270.351.20.0536.0140.00.991383.090.4511.20
7.60.340.397.60.0445.0215.00.99653.110.539.20
11.30.340.452.00.0826.015.00.99882.940.669.21
9.40.6150.283.20.08718.072.01.00013.310.539.71
6.40.40.193.20.03328.0124.00.99043.220.5412.70
6.60.250.368.10.04554.0180.00.99583.080.429.20
6.70.240.312.30.04437.0113.00.990133.290.4612.90
6.40.180.329.60.05224.090.00.99633.350.499.40
7.30.590.262.00.0817.0104.00.995843.280.529.91
6.60.160.259.80.04959.5137.00.9953.160.3810.00
7.50.580.142.20.07727.060.00.99633.280.599.81
6.70.1050.3212.40.05134.0106.00.9983.540.459.20
6.50.230.27.50.0544.0179.00.995043.180.489.533333333333330
5.70.160.266.30.04328.0113.00.99363.060.589.90
6.20.230.3617.20.03937.0130.00.999463.230.438.80
7.70.280.336.70.03732.0155.00.99513.390.6210.70
6.20.290.295.60.04635.0178.00.993133.250.5110.53333333333330
7.80.540.262.00.08823.048.00.99813.410.749.21
6.80.260.327.00.04138.0118.00.99393.250.5210.80
5.00.290.545.70.03554.0155.00.989763.270.3412.90
11.20.40.52.00.09919.050.00.997833.10.5810.41
7.40.30.225.250.05333.0180.00.99263.130.4511.60
6.70.110.348.80.04341.0113.00.99623.420.49.30
6.30.170.422.80.02845.0107.00.99083.270.4311.80
7.20.340.212.50.07541.068.00.995863.370.5410.11
7.60.370.5111.70.09458.0181.00.997762.910.519.00
7.20.7250.054.650.0864.011.00.99623.410.3910.91
6.40.140.311.20.03453.0138.00.990843.380.3511.50
11.40.260.443.60.0716.019.00.99863.120.829.31
6.20.440.187.70.09628.0210.00.997713.560.729.20
6.80.280.361.60.0425.087.00.99243.230.6610.30
6.90.30.253.30.04126.0124.00.994283.180.59.30
7.60.3450.261.90.04315.0134.00.99363.080.389.50
12.40.420.494.60.07319.043.00.99783.020.619.51
11.10.310.532.20.063.010.00.995723.020.8310.91
5.90.260.295.40.04634.0116.00.992243.240.4111.40
7.50.240.6210.60.04551.0153.00.997793.160.448.80
8.00.320.364.60.04256.0178.00.99283.290.4712.00
7.10.20.371.50.04928.0129.00.992263.150.5210.80
9.40.420.326.50.02720.0167.00.994793.080.4310.60
5.30.360.276.30.02840.0132.00.991863.370.411.60
8.80.460.452.60.0657.018.00.99473.320.7914.01
8.10.290.497.10.04222.0124.00.99443.140.4110.80
7.10.460.142.80.07615.037.00.996243.360.4910.71
8.00.610.3812.10.30124.0220.00.99932.940.489.20
6.20.150.490.90.03317.051.00.99323.30.79.40
6.20.270.328.80.04765.0224.00.99613.170.478.90
6.90.310.3312.70.03833.0116.00.99543.040.6510.40
6.80.280.422.00.04848.0167.01.0012.930.58.70
7.20.240.292.20.03737.0102.00.9923.270.6411.00
6.10.190.372.60.04124.099.00.991533.180.510.90
5.90.4150.020.80.03822.063.00.99323.360.369.30
6.30.260.255.20.04611.0133.00.992022.970.6811.00
7.10.250.392.10.03630.0124.00.99083.280.4312.20
8.30.160.481.70.05731.098.00.99433.150.4110.30
7.60.410.143.00.08721.043.00.99643.320.5710.51
7.10.20.371.50.04928.0129.00.992263.150.5210.80
7.50.240.3113.10.0526.0180.00.998843.050.539.10
8.40.560.042.00.08210.022.00.99763.220.449.61
6.30.120.362.10.04447.0146.00.99143.270.7411.40
6.10.240.261.70.03361.0134.00.99033.190.8111.90
7.60.290.294.40.05126.0146.00.99393.160.3910.20
6.00.130.285.70.03856.0189.50.99483.590.4310.60
7.40.290.4812.80.03761.5182.00.998083.020.348.80
7.50.710.01.60.09222.031.00.996353.380.5810.01
8.20.230.490.90.05715.073.00.99283.070.3810.40
6.80.210.46.30.03240.0121.00.992143.180.5312.00
6.40.280.291.60.05234.0127.00.99293.480.5610.50
6.90.210.282.40.05649.0159.00.99443.020.478.80
7.60.790.212.30.08721.068.00.99553.120.449.21
7.50.420.1410.70.04618.095.00.99593.220.3310.70
10.20.290.652.40.0756.017.00.995653.220.6311.81
5.10.1650.225.70.04742.0146.00.99343.180.559.90
6.40.170.3413.40.04445.0139.00.997523.060.439.10
8.50.340.44.70.0553.09.00.997383.380.6611.61
7.60.510.242.40.0918.038.00.9983.470.669.61
7.50.190.47.10.05650.0110.00.99543.060.529.90
7.30.20.2919.90.03969.0237.01.000373.10.489.20
6.60.360.5210.10.0529.0140.00.996283.070.49.40
8.20.370.271.70.02810.059.00.99232.970.4810.40
7.00.160.2514.30.04427.0149.00.9982.910.469.20
7.20.20.6116.20.04314.0103.00.99873.060.369.20
8.60.160.497.30.0439.063.00.99533.130.5910.50
12.70.60.492.80.0755.019.00.99943.140.5711.41
6.50.460.2411.50.05156.0171.00.995883.080.569.80
6.50.280.344.60.05422.0130.00.991933.20.4612.00
7.00.430.021.90.0815.028.00.994923.350.8110.61
7.20.610.084.00.08226.0108.00.996413.250.519.41
6.80.30.226.20.0641.0190.00.998583.180.519.20
7.40.190.426.40.06739.0212.00.99583.30.339.60
6.40.220.327.90.02934.0124.00.99483.40.3910.20
5.80.280.272.60.05430.0156.00.99143.530.4212.40
6.10.380.425.00.01631.0113.00.990073.150.3112.40
6.90.560.2610.90.0655.0193.00.99693.210.449.40
5.90.350.472.20.1114.0138.00.99323.090.59.10
7.30.310.6910.20.04158.0160.00.99773.060.458.60
6.60.220.371.20.05945.0199.00.9933.370.5510.30
12.00.370.764.20.0667.038.01.00043.220.613.01
6.80.180.249.80.05864.0188.00.99523.130.5110.60
8.60.310.30.90.04516.0109.00.992492.950.3910.10
4.80.130.321.20.04240.098.00.98983.420.6411.80
7.10.280.261.90.04912.086.00.99343.150.389.40
7.80.430.4913.00.03337.0158.00.99553.140.3511.30
7.80.640.01.90.07227.055.00.99623.310.6311.01
7.10.260.325.90.03739.097.00.99343.310.411.60
6.70.230.312.10.04630.096.00.99263.330.6410.70
8.20.240.345.10.0628.022.00.99743.220.9410.91
12.20.340.52.40.06610.021.01.03.121.189.21
6.90.180.386.50.03920.0110.00.99433.10.4210.50
5.20.1550.331.60.02813.059.00.989753.30.8411.90
7.40.330.447.60.0540.0227.00.996793.120.529.00
10.30.270.242.10.07215.033.00.99563.220.6612.81
5.60.130.274.80.02822.0104.00.99483.340.459.20
7.30.3050.391.20.0597.011.00.993313.290.5211.51
6.00.20.266.80.04922.093.00.99283.150.4211.00
5.30.5850.077.10.04434.0145.00.99453.340.579.70
6.00.360.393.20.02720.0125.00.9913.380.3911.30
6.90.360.344.20.01857.0119.00.98983.280.3612.70
8.50.160.351.60.03924.0147.00.99352.960.3610.00
7.40.660.01.80.07513.040.00.99783.510.569.41
6.40.5950.145.20.05815.097.00.99513.380.369.00
8.90.120.451.80.07510.021.00.995523.410.7611.91
6.90.250.359.20.03442.0150.00.99473.210.3611.50
6.90.190.3119.250.04338.0167.00.999542.930.529.10
6.70.30.745.00.03835.0157.00.99453.210.469.90
7.40.20.291.70.04716.0100.00.992433.280.4510.60
7.60.310.2910.50.0421.0145.00.99663.040.359.40
6.80.680.212.10.079.023.00.995463.380.610.31
6.40.210.285.90.04729.0101.00.992783.150.411.00
9.70.530.62.00.0395.019.00.995853.30.8612.41
5.80.320.22.60.02717.0123.00.989363.360.7813.90
7.40.630.072.40.0911.037.00.99793.430.769.71
7.50.240.3113.10.0526.0180.00.998843.050.539.10
6.80.260.224.80.041110.0198.00.994373.290.6710.60
7.30.8150.0911.40.04445.0204.00.997133.150.469.00
6.90.210.331.40.05635.0136.00.99383.630.7810.30
7.20.6950.132.00.07612.020.00.995463.290.5410.11
6.90.40.1712.90.03359.0186.00.997543.080.499.40
7.20.250.2814.40.05555.0205.00.99863.120.389.00
6.40.570.021.80.0674.011.00.9973.460.689.51
10.40.640.242.80.10529.053.00.99983.240.679.91
4.90.470.171.90.03560.0148.00.989643.270.3511.50
13.40.270.622.60.0826.021.01.00023.160.679.71
7.10.20.30.90.0194.028.00.989313.20.3612.00
6.30.210.41.70.03148.0134.00.99173.420.4911.50
6.60.320.4715.60.06327.0173.00.998723.180.569.00
6.20.320.56.50.04861.0186.00.99483.190.459.60
6.90.30.497.60.05725.0156.00.99623.430.6311.00
6.70.20.4214.00.03883.0160.00.99873.160.59.40
6.90.30.2115.70.05649.0159.00.998273.110.489.00
7.91.040.052.20.08413.029.00.99593.220.559.91
6.50.270.196.60.04598.0175.00.993643.160.3410.10
6.50.220.313.90.04617.0106.00.990983.150.3111.50
6.30.30.341.60.04914.0132.00.9943.30.499.50
6.40.220.311.20.04653.0149.00.994793.210.3410.80
7.60.230.341.60.04324.0129.00.993053.120.710.40
6.80.30.3312.80.04160.0168.00.996593.10.569.80
7.40.280.361.10.02842.0105.00.98932.990.3912.40
6.20.2350.341.90.0364.0117.00.990323.40.4412.20
6.20.280.457.50.04546.0203.00.995733.260.469.20
6.30.270.517.60.04935.0200.00.995483.160.549.40
9.60.410.372.30.09110.023.00.997863.240.5610.51
6.50.320.238.50.05120.0138.00.99433.030.4210.70
7.10.170.387.40.05249.0182.00.99583.350.529.60
8.10.190.40.90.03773.0180.00.99263.060.3410.00
7.30.250.267.20.04852.0207.00.995873.120.379.20
9.90.50.242.30.1036.014.00.99783.340.5210.01
9.00.450.492.60.08421.075.00.99873.350.579.71
6.60.270.251.20.03336.0111.00.989183.160.3712.40
6.80.190.5814.20.03851.0164.00.99753.120.489.60
7.30.140.491.10.03828.099.00.99283.20.7210.60
7.30.240.3415.40.0538.0174.00.99833.030.429.00
7.80.4450.561.00.048.084.00.99383.250.4310.80
5.60.420.342.40.02234.097.00.989153.220.3812.80
8.70.420.452.40.07232.059.00.996173.330.7712.01
6.10.270.332.20.02126.0117.00.98863.120.312.50
6.70.160.282.50.04640.0153.00.99213.380.5111.40
6.00.310.272.30.04219.0120.00.989523.320.4112.70
6.40.320.510.70.04757.0206.00.99683.080.69.40
8.00.180.370.90.04936.0109.00.990072.890.4412.71
7.50.280.337.70.04842.0180.00.99743.370.5910.10
6.50.210.47.30.04149.0115.00.992683.210.4311.00
6.70.280.423.50.03543.0105.00.990213.180.3812.20
8.20.560.233.40.07814.0104.00.99763.280.629.41
7.00.160.32.60.04334.090.00.990472.880.4711.20
6.40.230.268.10.05447.0181.00.99543.120.499.40
6.30.280.348.10.03844.0129.00.992483.260.2912.10
5.90.180.281.00.03724.088.00.990943.290.5510.650
6.80.210.2718.150.04241.0146.01.00013.30.368.70
6.70.240.412.90.03948.0122.00.990523.250.4312.00
6.30.130.421.10.04363.0146.00.990663.130.7211.20
6.80.180.355.40.05453.0143.00.992873.10.5411.00
7.30.210.310.90.03718.0112.00.9973.40.59.60
6.50.240.3917.30.05222.0126.00.998883.110.479.20
6.80.230.328.60.04647.0159.00.994523.080.5210.50
6.80.340.691.30.05812.0171.00.99313.060.479.70
6.50.270.410.00.03974.0227.00.995823.180.59.40
8.00.240.261.70.03336.0136.00.993163.440.5110.40
6.80.150.328.80.05824.0110.00.99723.40.48.80
6.00.110.4710.60.05269.0148.00.99582.910.349.30
7.20.170.411.60.05224.0126.00.992283.190.4910.80
6.90.20.34.70.04140.0148.00.99323.160.3510.20
5.90.170.280.70.0275.028.00.989853.130.3210.60
8.30.180.31.10.03320.057.00.991093.020.5111.00
7.20.570.061.60.0769.027.00.99723.360.79.61
6.60.250.518.00.04761.0189.00.996043.220.499.20
7.30.40.246.70.05841.0166.00.9953.20.419.90
6.80.280.2911.90.05251.0149.00.995443.020.5810.40
6.80.330.281.20.03238.0131.00.98893.190.4113.00
9.40.270.532.40.0746.018.00.99623.21.1312.01
7.70.280.242.40.04429.0157.00.993123.270.5610.60
6.60.330.2416.050.04531.0147.00.998223.080.529.20
7.10.590.012.50.07720.085.00.997463.550.599.81
6.60.280.37.80.04957.0202.00.99583.240.399.50
10.80.450.332.50.09920.038.00.998183.240.7110.81
7.80.320.3310.40.03147.0194.00.996923.070.589.60
6.70.360.288.30.03429.081.00.991512.960.3912.50
6.70.260.264.00.07935.5216.00.99563.310.689.50
6.90.280.331.20.03916.098.00.99043.070.3911.70
6.10.350.071.40.06922.0108.00.99343.230.529.20
5.90.240.121.40.03560.0247.00.993583.340.449.60
7.50.280.344.20.02836.0116.00.9912.990.4112.30
6.10.370.364.70.03536.0116.00.9913.310.6212.60
7.10.8750.055.70.0823.014.00.998083.40.5210.21
7.80.530.332.40.0824.0144.00.996553.30.69.51
7.60.320.259.50.0315.0136.00.993673.10.4412.10
6.40.240.495.80.05325.0120.00.99423.010.9810.50
8.10.30.311.10.04149.0123.00.99142.990.4511.10
6.70.360.267.90.03439.0123.00.991192.990.312.20
6.60.360.5211.30.0468.0110.00.99663.070.469.40
6.30.270.4611.750.03761.0212.00.99713.250.539.50
8.80.480.413.30.09226.052.00.99823.310.5310.51
9.20.220.42.40.05418.0151.00.99523.040.469.30
6.70.450.35.30.03627.0165.00.991223.120.4612.20
8.20.280.42.40.0524.010.00.993563.330.712.81
5.90.290.283.20.03516.0117.00.989593.260.4212.60
7.20.170.346.40.04216.0111.00.992782.990.410.80
7.10.360.561.30.04625.0102.00.99233.240.3310.50
9.20.190.422.00.04716.0104.00.995173.090.6610.00
7.80.20.241.60.02626.0189.00.9913.080.7412.10
8.20.420.492.60.08432.055.00.99883.340.758.71
9.90.540.452.30.07116.040.00.99913.390.629.41
7.60.6650.11.50.06627.055.00.996553.390.519.31
6.80.110.421.10.04251.0132.00.990593.180.7411.30
8.30.60.132.60.0856.024.00.99843.310.599.21
6.40.160.282.20.04233.093.00.99143.310.4311.10
8.50.460.312.250.07832.058.00.9983.330.549.81
6.20.160.321.10.03674.0184.00.990963.220.4111.00
8.20.270.431.60.03531.0128.00.99163.10.512.30
6.90.320.177.60.04269.0219.00.99593.130.48.90
10.40.440.421.50.14534.048.00.998323.380.869.91
6.50.190.30.80.04333.0144.00.99363.420.399.10
6.30.260.427.10.04562.0209.00.995443.20.539.50
6.90.630.012.40.07614.039.00.995223.340.5310.81
6.10.250.1810.50.04941.0124.00.99633.140.3510.50
6.30.340.195.80.04122.0145.00.99433.150.639.90
6.30.220.434.550.03831.0130.00.99183.350.3311.50
7.40.240.362.00.03127.0139.00.990553.280.4812.50
6.00.330.21.80.03149.0159.00.99193.410.5311.00
6.70.180.371.30.02742.0125.00.989393.240.3712.80
9.20.340.5417.30.0646.0235.01.001823.080.618.80
6.20.430.496.40.04512.0115.00.99633.270.579.00
7.00.9750.042.00.08712.067.00.995653.350.69.41
6.60.220.2317.30.04737.0118.00.999063.080.468.80
6.80.210.626.40.0417.0113.00.993582.960.5910.20
6.90.490.12.30.07412.030.00.99593.420.5810.21
6.40.310.538.80.05736.0221.00.996423.170.449.10
6.60.290.449.00.05362.0178.00.996853.020.458.90
7.50.420.459.10.02920.0125.00.9963.120.3610.10
7.00.340.396.90.06643.0162.00.995613.110.539.50
6.90.250.341.30.03527.082.00.990453.180.4412.20
9.30.370.441.60.03821.042.00.995263.240.8110.81
7.90.290.396.70.0366.0117.00.99383.120.4210.70
6.60.560.1510.00.03738.0157.00.996423.280.529.40
6.60.580.022.40.06919.040.00.993873.380.6612.61
6.90.380.2913.650.04852.0189.00.997843.00.69.50
7.10.130.381.80.04614.0114.00.99253.320.911.70
5.80.3150.271.550.02615.070.00.989943.370.411.90
6.80.440.375.10.04746.0201.00.99383.080.6510.50
6.11.10.164.40.0338.0109.00.990583.350.4712.40
6.70.290.4514.30.05430.0181.00.998693.140.579.10
7.00.540.02.10.07939.055.00.99563.390.8411.41
7.30.260.365.20.0431.0141.00.99313.160.5911.00
6.20.430.221.80.07821.056.00.996333.520.69.51
7.30.190.246.30.05434.0231.00.99643.360.5410.00
6.70.460.241.70.07718.034.00.99483.390.610.61
6.00.280.2919.30.05136.0174.00.999113.140.59.00
5.50.160.311.20.02631.068.00.98983.330.4411.650
6.00.340.323.80.04413.0116.00.991083.390.4411.80
6.20.360.242.20.09519.042.00.99463.570.5711.71
6.80.480.081.80.07440.064.00.995293.120.499.61
6.80.170.342.00.0438.0111.00.993.240.4512.90
6.50.220.194.50.09616.0115.00.99373.020.449.60
8.10.20.31.30.0367.049.00.992422.990.7310.30
6.50.220.191.10.06436.0191.00.992973.050.59.50
6.90.220.325.80.04120.0119.00.992963.170.5511.20
6.50.230.452.10.02743.0104.00.990543.020.5211.30
7.60.190.411.10.0438.0143.00.99072.920.4211.40
6.00.240.283.950.03861.0134.00.991463.30.5411.30
8.60.6850.11.60.0923.012.00.997453.310.659.551
7.10.7550.151.80.10720.084.00.995933.190.59.51
6.70.220.3910.20.03860.0149.00.997253.170.5410.00
9.20.430.492.40.08623.0116.00.99763.230.649.51
6.10.270.251.80.0419.0109.00.99293.080.549.00
6.40.310.282.50.03934.0137.00.989463.220.3812.70
6.00.330.389.70.0429.0124.00.99543.470.4811.00
7.40.260.317.60.04752.0177.00.99623.130.458.90
7.60.310.261.70.07340.0157.00.99383.10.469.80
6.00.280.2212.150.04842.0163.00.99573.20.4610.10
7.40.260.293.70.04814.073.00.99153.060.4511.40
8.00.810.253.40.07634.085.00.996683.190.429.21
6.30.480.041.10.04630.099.00.99283.240.369.60
6.80.270.2813.30.07650.0163.00.99793.030.388.60
6.90.20.510.00.03678.0167.00.99643.150.5510.20
7.40.340.2812.10.04931.0149.00.996773.220.4910.30
8.70.630.282.70.09617.069.00.997343.260.6310.21
6.20.280.284.30.02622.0105.00.9892.980.6413.10
6.70.240.3312.30.04631.0145.00.99833.360.49.50
6.70.190.236.20.04736.0117.00.99453.340.439.60
6.20.260.3215.30.03164.0185.00.998353.310.619.40
8.30.60.252.20.1189.038.00.996163.150.539.81
6.40.420.199.30.04328.0145.00.994333.230.5310.980
8.40.6650.612.00.11213.095.00.9973.160.549.11
6.70.340.315.60.05451.0196.00.99823.190.499.30
7.40.230.251.40.04943.0141.00.99343.420.5410.20
6.20.30.321.20.05232.0185.00.992663.280.4410.10
6.90.330.265.00.02746.0143.00.99243.250.4311.20
7.40.370.269.60.0533.0134.00.996083.130.4610.40
9.30.360.391.50.0841.055.00.996523.470.7310.91
6.90.540.043.00.0777.027.00.99873.690.919.41
6.20.210.271.70.03841.0150.00.99333.490.7110.50
5.80.60.01.30.04472.0197.00.992023.560.4310.90
6.50.510.251.70.04839.0177.00.992123.280.5710.60
6.80.360.321.60.03910.0124.00.99483.30.679.60
13.20.460.522.20.07112.035.01.00063.10.569.01
7.70.180.31.20.04649.0199.00.994133.030.389.30
6.30.6950.5512.90.05658.0252.00.998063.290.498.70
7.90.350.2415.60.07244.0229.00.997853.030.5910.50
6.80.120.312.90.04932.088.00.996543.20.359.90
7.30.190.4915.550.05850.0134.00.99983.420.369.10
6.70.470.348.90.04331.0172.00.99643.220.69.20
8.30.30.493.80.0911.024.00.994983.270.6412.11
7.10.160.251.30.03428.0123.00.99153.270.5511.40
7.00.420.192.30.07118.036.00.994763.390.5610.91
8.40.350.7112.20.04622.0160.00.99822.980.659.40
6.40.240.495.80.05325.0120.00.99423.010.9810.50
8.00.280.441.80.08128.068.00.995013.360.6611.21
5.00.350.257.80.03124.0116.00.992413.390.411.30
5.80.360.263.30.03840.0153.00.99113.340.5511.30
11.90.6950.533.40.1287.021.00.99923.170.8412.21
7.30.330.221.40.04140.0177.00.992873.140.489.90
6.50.260.2812.50.04680.0225.00.996853.180.4110.00
7.00.310.291.40.03733.0128.00.98963.120.3612.20
7.00.120.2910.30.03941.098.00.995643.190.389.80
6.80.360.321.80.0674.08.00.99283.360.5512.81
7.00.560.171.70.06515.024.00.995143.440.6810.551
10.90.390.471.80.1186.014.00.99823.30.759.81
7.00.310.351.60.06313.0119.00.991843.220.510.70
6.40.310.397.50.0457.0213.00.994753.320.4310.00
6.00.130.361.60.05223.072.00.989743.10.511.50
7.30.2050.311.70.0634.0110.00.99633.720.6910.50
10.60.340.493.20.07820.078.00.99923.190.710.01
6.80.640.12.10.08518.0101.00.99563.340.5210.21
8.60.370.712.150.03921.0158.00.99833.00.739.30
7.10.620.061.30.075.012.00.99423.170.489.81
6.90.290.38.20.02635.0112.00.991443.00.3712.30
7.40.220.289.00.04622.0121.00.994683.10.5510.80
6.90.370.239.50.05754.0166.00.995683.230.4210.00
6.00.260.187.00.05550.0194.00.995913.210.439.00
5.20.340.01.80.0527.063.00.99163.680.7914.01
7.20.210.293.10.04439.0122.00.991433.00.611.30
5.60.2250.249.80.05459.0140.00.995453.170.3910.20
7.40.490.272.10.07114.025.00.993883.350.6312.01
7.60.170.460.90.03663.0147.00.991263.020.4110.70
6.70.660.013.00.03332.075.00.995513.150.510.70
7.40.360.321.90.03627.0119.00.991963.150.4911.20
7.90.690.212.10.0833.0141.00.99623.250.519.91
7.40.180.271.30.04826.0105.00.9943.520.6610.60
7.30.220.312.30.01845.080.00.989363.060.3412.90
7.50.180.454.60.04167.0158.00.99273.010.3810.60
7.30.230.371.90.04151.0165.00.99083.260.412.20
7.10.120.33.10.01815.037.00.990043.020.5211.90
7.10.340.861.40.17436.099.00.992882.920.59.30
5.80.240.281.40.03840.076.00.987113.10.2913.90
7.30.340.332.50.06421.037.00.99523.350.7712.11
9.80.360.451.60.04211.0124.00.99442.930.4610.80
6.40.170.322.40.04841.0200.00.99383.50.59.70
11.90.390.692.80.09517.035.00.99943.10.6110.81
7.00.130.3712.850.04236.0105.00.995813.050.5510.70
5.80.350.293.20.03441.0151.00.99123.350.5811.63333333333330
6.50.20.312.10.03332.095.00.9894352.960.6112.00
5.50.320.454.90.02825.0191.00.99223.510.4911.50
7.50.770.28.10.09830.092.00.998923.20.589.21
6.90.170.251.60.04734.0132.00.99143.160.4811.40
6.60.250.352.90.03438.0121.00.990083.190.412.80
6.30.240.371.80.0316.061.00.98973.30.3412.20
8.30.60.252.20.1189.038.00.996163.150.539.81
6.60.390.3911.90.05751.0221.00.998513.260.518.90
7.40.160.2715.50.0525.0135.00.99842.90.438.70
8.90.40.325.60.08710.047.00.99913.380.7710.51
6.20.120.265.70.04456.0158.00.99513.520.3710.50
6.70.410.272.60.03325.085.00.990863.050.3411.70
6.50.410.224.80.05249.0142.00.99463.140.629.20
7.10.60.01.80.07416.034.00.99723.470.79.91
7.30.30.252.50.04532.0122.00.993293.180.5410.30
6.80.320.33.30.02915.080.00.990613.330.6312.60
6.70.280.282.40.01236.0100.00.990643.260.3911.70
6.20.30.172.80.0424.0125.00.99393.010.469.00
6.70.180.2810.20.03929.0115.00.994693.110.4510.90
6.80.150.4112.90.04479.5182.00.997423.240.7810.20
8.70.690.313.00.08623.081.01.00023.480.7411.61
6.20.260.28.00.04735.0111.00.994453.110.4210.40
5.90.250.1912.40.04750.0162.00.99733.350.389.50
8.30.540.243.40.07616.0112.00.99763.270.619.41
8.20.310.42.20.0586.010.00.995363.310.6811.21
7.00.240.241.80.04729.091.00.992513.30.439.90
7.60.3450.261.90.04315.0134.00.99363.080.389.50
8.20.740.092.00.0675.010.00.994183.280.5711.81
6.90.230.344.00.04724.0128.00.99443.20.529.70
7.00.60.122.20.08313.028.00.99663.520.6210.21
11.60.440.642.10.0595.015.00.9983.210.6710.21
7.10.170.311.60.03715.0103.00.9913.140.512.00
7.40.190.312.80.05348.5229.00.99863.140.499.10
6.60.280.340.80.03742.0119.00.98883.030.3712.50
7.20.530.132.00.05818.022.00.995733.210.689.91
7.70.390.284.90.03536.0109.00.99183.190.5812.20
7.60.210.62.10.04647.0165.00.99363.050.5410.10
8.40.180.425.10.0367.077.00.99393.160.5211.70
6.40.420.468.40.0558.0180.00.994953.180.469.70
6.90.190.331.60.04363.0149.00.99253.440.5210.80
7.20.270.7412.50.03747.0156.00.99813.040.448.70
7.70.390.121.70.09719.027.00.995963.160.499.41
7.00.290.261.60.04412.087.00.99233.080.4610.50
8.30.230.433.20.03514.0101.00.99283.150.3611.50
7.40.340.314.90.03770.0169.00.996983.250.3710.40
8.20.730.211.70.0745.013.00.99683.20.529.51
7.10.30.366.80.05544.5234.00.99723.490.6410.20
7.10.590.02.20.07826.044.00.995223.420.6810.81
6.10.30.32.10.03150.0163.00.98953.390.4312.70
5.40.740.01.20.04116.046.00.992584.010.5912.51
8.40.290.291.050.0324.055.00.99082.910.3211.40
7.80.30.2916.850.05423.0135.00.99983.160.389.00
7.40.20.371.20.02828.089.00.991323.140.6111.80
12.50.370.552.60.08325.068.00.99953.150.8210.41
6.00.360.166.30.03636.0191.00.99423.170.629.80
8.10.330.441.50.0426.012.00.995423.350.6110.71
7.60.390.323.60.03522.093.00.991443.080.612.50
5.90.290.337.40.03758.0205.00.994953.260.419.60
6.40.380.247.20.04741.0151.00.996043.110.69.20
6.00.160.361.60.04213.061.00.991433.220.5410.80
6.90.220.497.00.06350.0168.00.99573.540.510.30
7.10.360.31.60.0835.070.00.996933.440.59.41
7.30.130.274.60.0834.0172.00.99383.230.3911.10
6.60.320.332.50.05240.0219.50.993163.150.610.00
7.30.220.3714.30.06348.0191.00.99782.890.389.00
6.60.250.314.40.05240.0183.00.9983.020.59.10
8.40.350.5613.80.04855.0190.00.99933.070.589.40
10.20.6450.361.80.0535.014.00.99823.170.4210.01
6.50.220.3412.00.05355.0177.00.99833.520.449.90
6.50.250.2717.40.06429.0140.00.997763.20.4910.10
7.60.180.287.10.04129.0110.00.996523.20.429.20
5.90.260.2512.50.03438.0152.00.99773.330.439.40
6.20.210.271.70.03841.0150.00.99333.490.7110.50
6.80.190.327.60.04937.0107.00.993323.120.4410.70
6.20.390.244.80.03745.0138.00.991743.230.4311.20
6.50.240.3917.30.05222.0126.00.998883.110.479.20
7.10.280.311.50.05320.098.00.990693.150.511.40
6.60.190.2811.80.04254.0137.00.994923.180.3710.80
7.00.280.3314.60.04347.0168.00.99943.340.678.80
7.30.270.379.70.04236.0130.00.99793.480.759.90
6.00.20.381.30.03437.0104.00.988653.110.5212.70
6.20.340.2512.10.05933.0171.00.997693.140.568.70
7.40.290.2810.20.03243.0138.00.99513.10.4710.60
6.10.460.326.20.05310.094.00.995373.350.4710.10
8.20.230.291.80.04747.0187.00.99333.130.510.20
8.20.280.421.80.03130.093.00.99173.090.3911.40
7.60.280.391.20.03821.0115.00.9943.160.6710.00
7.00.340.31.80.04544.0142.00.99142.990.4510.80
7.60.50.292.30.0865.014.00.995023.320.6211.51
5.90.290.167.90.04448.0197.00.995123.210.369.40
8.70.7650.222.30.0649.042.00.99633.10.559.41
7.00.240.261.70.04131.0110.00.991423.20.5311.00
6.30.680.013.70.10332.054.00.995863.510.6611.31
5.80.260.291.00.04235.0101.00.990443.360.4811.40
7.80.150.341.10.03531.093.00.990963.070.7211.30
7.30.180.3117.30.05532.0197.01.00023.130.469.00
7.60.350.4614.70.04733.0151.00.997093.030.5310.30
15.50.6450.494.20.09510.023.01.003152.920.7411.11
6.20.170.31.10.03714.079.00.9933.50.5410.30
7.10.350.273.10.03428.0134.00.98973.260.3813.10
8.60.370.656.40.083.08.00.998173.270.5811.01
8.50.170.311.00.02413.091.00.9932.790.3710.10
5.60.410.227.10.0544.0154.00.99313.30.410.50
6.70.240.418.70.03629.0148.00.99523.220.629.90
5.80.280.33.90.02636.0105.00.989633.260.5812.750
6.10.220.491.50.05118.087.00.99283.30.469.60
5.30.760.032.70.04327.093.00.99323.340.389.20
6.10.640.022.40.06926.046.00.993583.470.4511.01
8.50.250.274.70.03131.092.00.99223.010.3312.00
6.00.540.061.80.0538.089.00.992363.30.510.551
7.90.210.41.20.03938.0107.00.9923.210.5410.80
5.60.260.265.70.03112.080.00.99233.250.3810.80
7.00.690.072.50.09115.021.00.995723.380.611.31
5.01.020.041.40.04541.085.00.99383.750.4810.51
7.40.60.262.10.08317.091.00.996163.290.569.81
8.00.380.441.90.0986.015.00.99563.30.6411.41
6.60.250.3112.40.05952.0181.00.99843.510.479.80
8.00.30.3611.00.0348.070.00.993543.050.4112.20
6.10.210.36.30.03947.0136.00.990683.270.3112.70
6.50.180.311.70.04430.0127.00.99283.490.510.20
6.20.330.195.60.04222.0143.00.994253.150.639.90
5.50.4850.01.50.0658.0103.00.9943.630.49.70
8.50.280.3413.80.04132.0161.00.99813.130.49.90
6.00.170.295.00.02825.0108.00.990763.140.3412.30
5.60.6950.066.80.0429.084.00.994323.440.4410.20
7.60.30.42.20.05429.0175.00.994453.190.539.80
7.30.510.182.10.0712.028.00.997683.520.739.51
6.70.410.272.60.03325.085.00.990863.050.3411.70
6.70.280.348.90.04832.0111.00.994553.250.5411.00
Showing the first 1000 rows.
from pyspark.sql.functions import struct

# Apply the model to the new data
udf_inputs = struct(*(X_train.columns.tolist()))

new_data = new_data.withColumn(
  "prediction",
  apply_model_udf(udf_inputs)
)
# Each row now has an associated prediction. Note that the xgboost function does not output probabilities by default, so the predictions are not limited to the range [0, 1].
display(new_data)
fixed_acidityvolatile_aciditycitric_acidresidual_sugarchloridesfree_sulfur_dioxidetotal_sulfur_dioxidedensitypHsulphatesalcoholis_redprediction
7.20.230.392.30.03329.0102.00.99083.260.5412.300.9751631617546082
6.40.240.271.50.0435.0105.00.989143.130.312.400.01992025412619114
7.40.240.2910.10.0521.0105.00.99623.130.359.507.046426762826741E-4
8.60.370.656.40.083.08.00.998173.270.5811.010.011003587394952774
5.90.320.393.30.11424.0140.00.99343.090.459.200.00361012015491724
7.00.420.351.60.08816.039.00.99613.340.559.210.0010293669765815139
6.70.310.446.70.05429.0160.00.99523.040.449.600.0010825126664713025
8.10.5450.181.90.0813.035.00.99723.30.599.010.0016736732795834541
6.30.410.33.20.0349.0164.00.99273.530.7911.700.9625353217124939
7.30.490.325.20.04318.0104.00.99523.240.4510.700.012135892175137997
5.70.240.476.30.06935.0182.00.993913.110.469.7333333333333300.002645439701154828
7.20.230.328.50.05847.0186.00.99563.190.49.900.0032776198349893093
6.90.310.347.40.05936.0174.00.99633.460.6211.100.9063054323196411
6.00.260.323.50.02829.0113.00.99123.40.7112.300.9731684327125549
6.50.320.1211.50.03335.0165.00.99743.220.329.000.001156796352006495
7.10.210.31.40.03745.0143.00.99323.130.339.900.011401111260056496
8.20.270.397.80.03949.0208.00.99763.310.519.500.009010124020278454
6.80.260.247.80.05254.0214.00.99613.130.478.900.0013020867481827736
7.00.360.352.50.04867.0161.00.991463.050.5611.100.0716884657740593
7.20.250.321.50.05424.0105.00.991543.170.4811.100.007840806618332863
8.40.190.432.10.05220.0104.00.9942.850.469.500.00898531824350357
5.60.6150.01.60.08916.059.00.99433.580.529.910.0019848872907459736
6.60.0850.331.40.03617.0109.00.993063.270.619.500.017587896436452866
8.80.390.351.80.09622.080.00.990162.950.5412.600.01584608294069767
6.00.270.284.80.06331.0201.00.99643.690.7110.000.010482852347195148
7.30.320.232.30.06635.070.00.995883.430.6210.110.005606499500572681
9.20.710.236.20.04215.093.00.99482.890.3410.106.88909029122442E-4
7.50.220.322.40.04529.0100.00.991353.080.611.300.9589137434959412
7.50.140.741.60.03521.0126.00.99333.260.4510.200.009778814390301704
5.60.2450.321.10.04724.0152.00.99273.120.429.300.0013140885857865214
5.80.280.669.10.03926.0159.00.99653.660.5510.800.02977527678012848
6.30.150.31.40.02238.0100.00.990993.420.5711.400.9320000410079956
7.10.370.36.20.0449.0139.00.990213.170.2713.600.05198657140135765
6.50.290.531.70.0441.0192.00.99223.260.5910.400.8902062773704529
7.40.280.512.10.04948.0122.00.99733.010.449.000.004505288787186146
7.10.320.2413.10.0552.0204.00.9983.10.498.800.010533100925385952
6.00.270.323.60.03536.0133.00.992153.230.4610.800.015155753120779991
9.20.180.491.50.04139.0130.00.99453.040.499.800.9047970771789551
6.60.840.032.30.05932.048.00.99523.520.5612.310.9120600819587708
7.60.140.741.60.0427.0103.00.99163.070.410.800.8818873763084412
5.50.290.31.10.02220.0110.00.988693.340.3812.800.9537860155105591
7.20.220.287.20.0641.0132.00.99353.080.5911.300.11146280914545059
7.60.270.292.50.05937.0115.00.993283.090.379.800.0033767824061214924
7.30.20.392.30.04824.087.00.990442.940.3512.000.028567757457494736
7.20.660.032.30.07816.086.00.997433.530.579.715.143549642525613E-4
7.60.330.362.10.03426.0172.00.99443.420.4810.500.05245935171842575
9.00.430.31.50.057.0175.00.99513.110.459.704.268118354957551E-4
8.00.170.292.40.02952.0119.00.989443.030.3312.900.04263770952820778
7.40.270.312.40.01415.0143.00.990943.030.6512.000.03980858996510506
8.00.270.331.20.0541.0103.00.990023.00.4512.400.005018413532525301
7.50.210.291.50.04635.0107.00.991233.150.4511.300.06088990345597267
7.30.390.312.40.0749.046.00.99623.410.549.410.0020936760120093822
6.90.190.3513.50.03849.0118.00.995463.00.6310.700.018375016748905182
7.30.250.281.50.04319.0113.00.993383.380.5610.100.015154771506786346
8.00.190.32.00.05348.0140.00.9943.180.499.600.010957462713122368
6.40.240.320.950.04123.0131.00.990333.250.3511.800.00997467152774334
6.60.20.144.40.18435.0168.00.993962.930.459.400.004101524129509926
6.10.150.296.20.04639.0151.00.994713.60.4410.600.00821105670183897
8.80.60.292.20.0985.015.00.99883.360.499.110.002779798349365592
7.10.380.2913.60.04130.0137.00.994613.020.9612.100.0432555116713047
7.10.210.721.60.16765.0120.00.993242.970.519.200.014048242941498756
7.50.290.3615.70.0529.0124.00.99683.060.5410.400.005064977332949638
5.40.150.322.50.03710.051.00.988783.040.5812.600.040418840944767
7.20.390.6311.00.04455.0156.00.99743.090.448.708.166952757164836E-4
7.60.260.321.30.04823.076.00.99032.960.4612.000.00441924249753356
11.80.230.3811.10.03415.0123.00.99972.930.559.700.02016282081604004
6.00.190.379.70.03217.050.00.99323.080.6612.000.05290091410279274
8.10.280.341.30.03511.0126.00.992323.140.59.800.004231251776218414
6.30.230.215.10.03529.0142.00.99423.360.3310.100.9384641051292419
6.40.280.361.30.05328.0186.00.992113.310.4510.800.0073373401537537575
10.00.730.432.30.05915.031.00.99663.150.5711.010.00571498554199934
6.50.50.224.10.03635.0131.00.99023.260.5513.000.953966498374939
7.00.360.35.00.0440.0143.00.991733.330.4212.200.8731345534324646
5.70.230.289.650.02526.0121.00.99253.280.3811.300.04899931326508522
6.80.30.2620.30.03745.0150.00.997273.040.3812.300.01285466831177473
7.50.220.336.70.03645.0138.00.99393.20.6811.400.03544529154896736
5.10.350.266.80.03436.0120.00.991883.380.411.500.02100011520087719
6.150.210.373.20.02120.080.00.990763.390.4712.000.017040716484189034
6.00.210.38.70.03647.0127.00.993683.180.3910.600.009342623874545097
6.20.230.3617.20.03937.0130.00.999463.230.438.807.341491291299462E-4
7.40.250.3613.20.06753.0178.00.99763.010.489.000.02032722532749176
6.50.220.283.70.05929.0151.00.991773.230.4112.100.9381306171417236
7.50.380.294.90.02138.0113.00.990263.080.4813.000.9875358939170837
6.60.270.331.40.04224.0183.00.992153.290.4610.700.005234047770500183
7.90.170.321.60.05347.0150.00.99483.290.769.600.003185991896316409
8.00.20.38.10.03742.0130.00.993793.10.6711.800.03378769010305405
7.90.160.37.40.0558.0152.00.996123.120.379.500.001650699065066874
6.60.30.34.80.1760.0166.00.99463.180.479.400.0019682596903294325
7.30.590.267.20.0735.0121.00.99813.370.499.410.0014398160856217146
7.00.150.341.40.03921.0177.00.99273.320.6210.800.0142179811373353
6.30.250.531.80.02141.0101.00.9893153.190.3113.000.09868034720420837
6.70.250.332.90.05752.0173.00.99343.020.489.500.8918036222457886
6.10.410.1410.40.03718.0119.00.9963.380.4510.000.016627971082925797
7.10.750.012.20.05911.018.00.992423.390.412.810.008807744830846786
7.10.370.6710.50.04549.0155.00.99753.160.448.700.0011050212197005749
8.30.610.32.10.08411.050.00.99723.40.6110.210.0070987269282341
7.50.330.284.90.04221.0155.00.993853.360.5710.900.004508147016167641
8.90.340.341.60.05613.0176.00.99463.140.479.707.869903929531574E-4
6.50.280.359.80.06761.0180.00.99723.150.579.000.002090145368129015
7.70.160.365.90.05425.0148.00.995783.250.5410.200.005096611101180315
7.50.520.161.90.08512.035.00.99683.380.629.510.8352470397949219
7.40.350.213.90.05463.0229.00.998883.110.58.900.0011468409793451428
7.30.290.378.30.04445.0227.00.99663.120.479.007.734125829301775E-4
5.60.660.02.20.0873.011.00.993783.710.6312.810.9435859322547913
5.90.650.235.00.03520.0128.00.990163.460.4812.800.05909093841910362
6.70.340.42.10.03334.0111.00.989242.970.4812.200.9525443911552429
7.40.290.291.60.04553.0180.00.99363.340.6810.500.04980198293924332
8.10.20.280.90.02349.087.00.990622.920.3611.100.016284562647342682
7.20.370.322.00.06215.028.00.99473.230.7311.310.9765864610671997
7.00.8050.02.50.0687.020.00.99693.480.569.610.0016839306335896254
4.90.3350.141.30.03669.0168.00.992123.470.4610.466666666666700.005408146418631077
7.30.330.472.10.0775.011.00.99583.330.5310.310.001486302469857037
8.80.280.456.00.02214.049.00.99343.010.3311.100.8960228562355042
7.10.630.062.00.0838.029.00.998553.670.739.610.004544001538306475
6.90.290.419.450.04336.0156.00.99962.930.478.900.008597329258918762
6.70.260.498.30.04754.0191.00.99543.230.410.300.002832855563610792
7.70.230.371.80.04623.060.00.99713.410.7112.110.028161071240901947
5.80.20.161.40.04244.099.00.989123.230.3712.200.00863594003021717
7.40.6350.12.40.0816.033.00.997363.580.6910.810.7882183790206909
6.20.410.221.90.0235.056.00.989283.040.7913.000.9526894688606262
7.70.380.42.00.03828.0152.00.99063.180.3212.900.10345277190208435
9.30.20.331.70.0528.0178.00.99543.160.439.000.019169747829437256
8.20.30.4412.40.04352.0154.00.994523.040.3312.000.018337378278374672
5.60.290.050.80.03811.030.00.99243.360.359.200.002770686289295554
9.80.980.322.30.07835.0152.00.9983.250.489.410.0011920671677216887
6.20.290.2312.40.04833.0201.00.996123.110.569.907.936731562949717E-4
6.70.280.348.90.04832.0111.00.994553.250.5411.000.9808989763259888
7.20.210.341.10.04625.080.00.9923.250.411.300.010724720545113087
7.00.430.32.00.0856.039.00.993463.330.4611.910.0028391489759087563
6.30.230.223.750.03937.0116.00.99273.230.510.700.00362543691881001
6.40.690.01.650.0557.012.00.991623.470.5312.910.038824670016765594
6.70.150.327.90.03417.081.00.995123.290.3110.000.022858623415231705
6.30.260.257.80.05844.0166.00.99613.240.419.000.001252196030691266
7.50.3050.381.40.04730.095.00.991583.220.5211.500.9291372895240784
7.90.190.451.50.04517.096.00.99173.130.3911.000.03443913906812668
6.80.190.341.90.0441.0108.00.993.250.4512.900.041260771453380585
6.70.30.4510.60.03256.0212.00.9973.220.599.500.004056371748447418
5.60.150.315.30.0388.079.00.99233.30.3910.500.05107461288571358
6.60.610.011.90.088.025.00.997463.690.7310.510.008754988200962543
6.60.230.34.60.0629.0154.00.991423.230.4912.200.9374986886978149
6.80.280.4411.50.0458.0223.00.99693.220.569.500.0020736174192279577
5.20.4050.151.450.03810.044.00.991253.520.411.600.007123155519366264
7.00.310.397.50.05542.0218.00.996523.370.5410.300.004135448485612869
7.40.350.332.40.0689.026.00.99473.360.611.910.02276768907904625
6.90.220.316.30.02941.0131.00.993263.080.4910.800.032101958990097046
8.10.5750.222.10.07712.065.00.99673.290.519.213.2956121140159667E-4
6.70.240.368.40.04242.0123.00.994733.340.5210.900.022492729127407074
5.80.310.324.50.02428.094.00.989063.250.5213.700.963473379611969
6.40.240.268.20.05447.0182.00.995383.120.59.506.619771593250334E-4
6.80.250.241.60.04539.0164.00.994023.530.5810.800.01979026384651661
8.90.330.341.40.05614.0171.00.99463.130.479.700.0016350742662325501
6.80.730.26.60.05425.065.00.993243.120.2811.100.0011171246878802776
7.30.20.392.30.04824.087.00.990442.940.3512.000.028567757457494736
6.40.30.335.20.0530.0137.00.993043.260.5811.100.020369866862893105
8.00.620.352.80.08628.052.00.9973.310.6210.810.003430728567764163
7.50.170.321.70.0451.0148.00.99163.210.4411.500.8796462416648865
5.60.1750.290.80.04320.067.00.991123.280.489.900.003872503759339452
4.40.460.12.80.02431.0111.00.988163.480.3413.100.13440218567848206
7.50.30.321.40.03231.0161.00.991542.950.4210.500.006134617142379284
6.30.260.427.10.04562.0209.00.995443.20.539.501.783178886398673E-4
6.00.310.243.30.04125.0143.00.99143.310.4411.300.041554518043994904
11.60.470.441.60.14736.051.00.998363.380.869.910.02042556181550026
6.70.350.488.80.05635.0167.00.996283.040.479.405.436002393253148E-4
9.00.620.041.90.14627.090.00.99843.160.79.412.608247450552881E-4
6.50.230.2517.30.04615.0110.00.998283.150.429.202.588152710814029E-4
9.80.360.4610.50.0384.083.00.99562.890.310.100.0014501246623694897
7.90.350.463.60.07815.037.00.99733.350.8612.810.9709089994430542
7.10.240.4117.80.04639.0145.00.99983.320.398.700.00956463348120451
5.90.30.291.10.03623.056.00.99043.190.3811.300.010640747845172882
6.70.70.083.750.0678.016.00.993343.430.5212.610.01553721446543932
6.40.570.122.30.1225.036.00.995193.470.7111.310.864683985710144
6.00.260.293.10.04137.0144.00.989443.220.3912.800.9682543277740479
6.90.170.224.60.06455.0152.00.99523.290.379.300.0021151809487491846
5.60.350.371.00.0386.072.00.99023.370.3411.400.014635407365858555
5.30.160.391.00.02840.0101.00.991563.570.5910.600.011618298478424549
6.20.310.233.30.05234.0113.00.994293.160.488.400.002168501727283001
7.00.280.398.70.05132.0141.00.99613.380.5310.500.02191106043756008
7.40.640.175.40.16852.098.00.997363.280.59.516.664164247922599E-4
8.00.580.162.00.123.07.00.994543.220.5811.210.02530890516936779
6.10.380.151.80.0726.019.00.99553.420.579.410.0019624310079962015
6.50.390.811.20.21714.074.00.99363.080.539.505.412403261289E-4
8.20.520.341.20.04218.0167.00.993663.240.3910.600.0017203710740432143
6.20.230.3617.20.03937.0130.00.999463.230.438.807.341491291299462E-4
8.40.220.2818.80.02855.0130.00.9982.960.3511.600.005639814306050539
7.00.480.124.50.0523.086.00.993982.860.359.007.160695968195796E-4
7.70.340.2811.00.0431.0117.00.998153.270.299.200.0035020422656089067
9.90.540.452.30.07116.040.00.99913.390.629.410.003385338233783841
6.30.270.377.90.04758.0215.00.995423.190.489.502.2263465507421643E-4
9.60.290.461.450.03977.5223.00.99442.920.469.500.0017145829042419791
9.40.160.231.60.04214.067.00.99423.070.329.500.005379735957831144
6.80.380.299.90.03740.0146.00.993263.110.3711.500.025041529908776283
6.00.280.2919.30.05136.0174.00.999113.140.59.006.508899969048798E-4
6.30.240.291.60.05248.0185.00.99343.210.59.400.005372313316911459
5.60.2050.1612.550.05131.0115.00.995643.40.3810.800.008476578630506992
8.10.360.5913.60.05160.0134.00.998862.960.398.700.0026909206062555313
6.60.220.3715.40.03562.0153.00.998453.020.49.300.0029015750624239445
7.70.290.482.30.04936.0178.00.99313.170.6410.600.015605042688548565
6.50.210.372.50.04870.0138.00.99173.330.7511.400.9725679755210876
6.80.590.066.00.0611.018.00.99623.410.5910.810.9296406507492065
6.60.160.41.50.04448.0143.00.99123.540.5212.400.9460657835006714
7.60.390.323.60.03522.093.00.991443.080.612.500.9876891374588013
6.50.240.381.00.02731.090.00.989263.240.3612.300.023763230070471764
9.80.440.472.50.0639.028.00.99813.240.6510.810.013574243523180485
7.10.310.514.50.0596.0148.00.99832.940.449.100.01131429336965084
6.80.320.284.80.03425.0100.00.990263.080.4712.400.9881150722503662
6.20.560.091.70.05324.032.00.994023.540.611.310.010193511843681335
7.70.460.183.30.05418.0143.00.993923.120.5110.800.001233598799444735
8.20.290.339.10.03628.0118.00.99532.960.410.900.8690248131752014
10.61.020.432.90.07626.088.00.99843.080.5710.119.273840696550906E-4
6.20.360.2613.20.05154.0201.00.99763.250.469.000.0022995457984507084
7.60.480.2810.40.04957.0205.00.997483.240.459.300.0018195603042840958
5.80.280.344.00.03140.099.00.98963.390.3912.800.9969178438186646
7.50.41.019.50.04133.0148.00.99773.240.3812.000.022350231185555458
8.70.230.3213.40.04435.0169.00.999753.120.478.800.9608659744262695
7.00.270.486.10.04260.0184.00.995663.20.59.405.375688779167831E-4
6.60.390.3911.90.05751.0221.00.998513.260.518.900.0038905905093997717
7.80.560.191.80.10412.047.00.99643.190.939.510.004085764288902283
6.30.180.243.40.05320.0119.00.993733.110.529.200.0029702712781727314
9.00.380.532.10.10219.076.00.990012.930.5712.900.0186296459287405
6.60.350.2914.40.04454.0177.00.99913.170.588.900.023067444562911987
6.40.380.142.20.03815.025.00.995143.440.6511.110.017073726281523705
6.20.210.241.20.05131.095.00.990363.240.5711.300.004966433160007
6.80.260.3415.10.0642.0162.00.997053.240.5210.500.008718721568584442
8.80.60.292.20.0985.015.00.99883.360.499.110.002779798349365592
6.70.320.442.40.06124.034.00.994843.290.811.610.9650216698646545
6.20.320.124.80.0546.097.00.994243.160.59.302.3972481722012162E-4
7.150.170.249.60.11956.0178.00.995783.150.4410.200.0022230050526559353
6.30.270.377.90.04758.0215.00.995423.190.489.502.2263465507421643E-4
6.60.270.315.30.13735.0163.00.99513.20.389.300.0015957632567733526
7.40.30.498.20.05549.0188.00.99743.520.589.700.004973367787897587
7.50.290.678.10.03753.0166.00.99662.90.418.903.658780187834054E-4
7.30.550.031.60.07217.042.00.99563.370.489.010.0030912242364138365
8.20.180.381.10.0441.092.00.990622.880.612.000.029999202117323875
6.90.40.242.50.08330.045.00.99593.260.5810.010.002721367171034217
7.00.260.2610.80.03937.0184.00.997873.470.5810.300.8637649416923523
7.80.40.269.50.05932.0178.00.99553.040.4310.900.0022082061041146517
6.40.150.441.20.04367.0150.00.99073.140.7311.200.9742897152900696
7.40.240.4214.00.06648.0198.00.99792.890.428.900.016539830714464188
9.20.230.3510.70.03734.0145.00.99813.090.329.700.005976762156933546
8.00.570.393.90.03422.0122.00.99173.290.6712.800.9658230543136597
7.10.180.261.30.04120.071.00.99263.040.749.900.05246594175696373
8.10.380.481.80.1575.017.00.99763.31.059.410.0017709688981994987
7.10.210.278.60.05626.0111.00.99562.950.529.500.006467135157436132
7.10.180.3914.50.05148.0156.00.999473.350.789.100.018350129947066307
5.70.360.216.70.03851.0166.00.99413.290.6310.000.0054717520251870155
7.00.650.022.10.0668.025.00.99723.470.679.510.0034150697756558657
6.90.40.142.40.08521.040.00.99683.430.639.710.008706411346793175
7.50.320.244.60.0538.0134.00.99583.140.59.100.001309470389969647
7.00.30.3814.90.03260.0181.00.99833.180.619.300.8119427561759949
6.70.130.576.60.05660.0150.00.995482.960.439.400.00878129992634058
8.00.280.427.10.04541.0169.00.99593.170.4310.600.01727435179054737
7.30.190.2713.90.05745.0155.00.998072.940.418.800.9880402684211731
5.70.280.282.20.01915.065.00.99023.060.5211.200.02454240247607231
7.50.570.022.60.07711.035.00.995573.360.6210.810.01031325850635767
6.60.550.012.70.03456.0122.00.99063.150.311.900.04059310257434845
7.60.390.312.30.08223.071.00.99823.520.659.715.710021359845996E-4
6.60.280.428.20.04460.0196.00.995623.140.489.403.180474741384387E-4
7.90.440.375.850.03327.093.00.9923.160.5412.600.9942924976348877
8.10.270.331.30.04526.0100.00.990662.980.4412.400.01242974866181612
6.20.370.246.10.03219.086.00.989343.040.2613.400.9906991124153137
5.90.170.293.10.0332.0123.00.989133.410.3313.700.9808032512664795
7.70.9650.12.10.11211.022.00.99633.260.59.510.0036368677392601967
7.00.50.141.80.07810.023.00.996363.530.6110.410.017075952142477036
6.60.280.428.20.04460.0196.00.995623.140.489.403.180474741384387E-4
7.30.280.351.60.05431.0148.00.991783.180.4710.700.008353336714208126
6.80.270.313.00.04769.0160.00.997053.160.59.605.14763465616852E-4
6.40.240.3214.90.04754.0162.00.99683.280.510.200.008532842621207237
6.80.320.373.40.02319.087.00.99023.140.5312.700.017300216481089592
7.50.170.7111.80.03852.0148.00.998013.030.468.900.009775901213288307
7.60.480.371.20.0345.057.00.992563.050.5410.400.001510436530224979
6.00.430.347.60.04525.0118.00.992223.030.3711.000.024521194398403168
8.40.350.5613.80.04855.0190.00.99933.070.589.400.0025425157509744167
6.10.320.251.70.03437.0136.00.9923.470.510.800.8919641375541687
6.70.240.3312.30.04631.0145.00.99833.360.49.500.0023177654948085546
6.70.230.331.80.03623.096.00.99253.320.410.800.06474670767784119
6.30.270.255.80.03852.0155.00.9953.280.389.400.002198766218498349
6.90.210.811.10.13752.0123.00.99323.030.399.200.014252481050789356
8.00.250.1317.20.03649.0219.00.99962.960.469.700.003739548148587346
5.70.280.351.20.05239.0141.00.991083.440.6911.300.04083186388015747
8.30.660.151.90.07917.042.00.99723.310.549.613.009929205290973E-4
6.60.170.31.10.03113.073.00.990953.170.5811.000.07146400958299637
7.90.540.342.50.0768.017.00.992353.20.7213.110.9480963945388794
8.30.180.31.10.03320.057.00.991093.020.5111.000.010759877972304821
10.90.530.494.60.11810.017.01.00023.070.5611.710.023601729422807693
7.20.360.462.10.07424.044.00.995343.40.8511.010.9615651965141296
10.60.310.492.20.06318.040.00.99763.140.519.810.010627307929098606
7.30.220.414.750.04244.5129.50.99983.360.419.100.9496947526931763
8.20.310.437.00.04718.087.00.996283.230.6410.600.009227443486452103
6.50.290.2510.60.03932.0120.00.99623.310.3410.100.00871208030730486
9.10.220.242.10.0781.028.00.9993.410.8710.310.008228311315178871
7.20.230.1913.70.05247.0197.00.998653.120.539.000.012363866902887821
7.10.460.142.80.07615.037.00.996243.360.4910.710.0011812784941866994
6.90.520.252.60.08110.037.00.996853.460.511.010.001487838220782578
7.10.320.2413.10.0552.0204.00.9983.10.498.800.010533100925385952
6.80.210.421.20.04524.0126.00.992343.090.8710.900.026021797209978104
8.00.20.45.20.05541.0167.00.99533.180.410.600.8233959674835205
7.40.180.38.80.06426.0103.00.99612.940.569.300.0026291643735021353
6.80.220.316.90.03733.0121.00.991763.020.3911.900.9452503323554993
5.00.20.41.90.01520.098.00.98973.370.5512.0500.06474573910236359
6.30.240.2211.90.0565.0179.00.996593.060.589.302.728207327891141E-4
7.40.620.051.90.06824.042.00.99613.420.5711.510.0033662687055766582
9.60.680.242.20.0875.028.00.99883.140.610.210.0024880545679479837
6.50.290.527.90.04935.0192.00.995513.160.519.500.0013684827135875821
7.00.460.216.70.04650.0184.00.998983.080.569.400.0021231318823993206
8.40.650.62.10.11212.090.00.99733.20.529.214.612051707226783E-4
7.80.390.269.90.05933.0181.00.99553.040.4210.900.001875649788416922
6.60.7250.095.50.1179.017.00.996553.350.4910.810.019253870472311974
5.80.360.51.00.12763.0178.00.992123.10.459.700.0012200977653265
9.30.360.391.50.0841.055.00.996523.470.7310.910.011752982623875141
7.50.180.3111.70.05124.094.00.9973.190.449.500.9037631154060364
8.00.40.337.70.03427.098.00.99353.180.4112.200.9303209185600281
6.00.260.334.350.0415.080.00.989343.290.512.700.04740304499864578
8.80.550.042.20.11914.056.00.99623.210.610.916.927406648173928E-4
6.40.290.36.50.20962.0156.00.994783.10.49.405.81351516302675E-4
7.30.130.312.30.05422.0104.00.99243.240.9211.500.9371384382247925
6.40.230.321.90.03840.0118.00.990743.320.5311.800.9427400231361389
7.40.210.271.20.04127.099.00.99273.190.339.800.007548855617642403
6.80.260.421.70.04941.0122.00.9933.470.4810.500.9502912759780884
7.00.290.493.80.04737.0136.00.99382.950.49.403.685999836307019E-4
9.40.280.31.60.04536.0139.00.995343.110.499.304.0723950951360166E-4
8.30.330.421.150.03318.096.00.99113.20.3212.400.04667888209223747
5.30.2750.247.40.03828.0114.00.993133.380.5111.000.014003646560013294
7.20.220.355.50.05437.0183.00.994743.080.510.300.004665950778871775
6.60.320.264.60.03126.0120.00.991983.40.7312.500.9739524722099304
6.30.30.481.80.06918.061.00.99593.440.7810.310.004731116816401482
7.80.440.282.70.118.095.00.99663.220.679.414.5351588050834835E-4
7.10.430.425.50.07128.0128.00.99733.420.7110.510.007229063659906387
5.90.240.2612.30.05334.0134.00.99723.340.459.500.001104721799492836
6.60.440.152.10.07622.053.00.99573.320.629.313.9928924525156617E-4
6.70.190.391.00.03214.071.00.989123.310.3813.000.9729631543159485
6.00.380.263.50.03538.0111.00.988723.180.4713.600.9621039032936096
6.80.50.111.50.07516.049.00.995453.360.799.510.0022253775969147682
7.10.320.3211.00.03816.066.00.99373.240.411.500.006232038605958223
7.80.40.497.80.0634.0162.00.99663.260.5811.300.020947657525539398
7.80.190.268.90.03942.0182.00.9963.180.469.900.005275850649923086
7.20.230.3914.20.05849.0192.00.99792.980.489.000.8996444940567017
7.30.910.11.80.07420.056.00.996723.350.569.216.401854916475713E-4
7.90.250.3411.40.0453.0202.00.997083.110.579.600.02411791682243347
6.70.240.462.20.03319.0111.00.990453.10.6211.900.014920823276042938
7.00.360.212.40.08624.069.00.995563.40.5310.110.0015035341493785381
6.70.50.3611.50.09618.092.00.996423.110.499.604.531489685177803E-4
6.80.250.311.80.04353.0133.00.995243.030.5810.400.02692379616200924
7.00.140.281.30.02610.056.00.993523.460.459.900.021845560520887375
7.40.20.352.10.03830.0116.00.99493.490.7710.300.9065589308738708
6.60.70.082.60.10614.027.00.996653.440.5810.210.0031558824703097343
6.70.180.3110.60.03542.0143.00.995723.080.499.800.9060518741607666
7.50.380.335.00.04530.0131.00.99423.320.4410.900.007515462581068277
6.80.240.388.30.04550.0185.00.995783.150.59.500.0024725408293306828
9.20.250.341.20.02631.093.00.99162.930.3711.300.8599525094032288
10.10.310.351.60.0759.028.00.996723.240.8311.210.9810463786125183
6.150.210.373.20.02120.080.00.990763.390.4712.000.017040716484189034
5.01.040.241.60.0532.096.00.99343.740.6211.510.006129168439656496
7.10.380.42.20.04254.0201.00.991773.030.511.400.00786233227699995
6.50.210.5117.60.04534.0125.00.999663.20.478.800.0018898192793130875
6.80.140.181.40.04730.090.00.991643.270.5411.200.007924862205982208
7.80.240.382.10.05814.0167.00.9943.210.559.900.0071731554344296455
5.50.170.232.90.03910.0108.00.992433.280.510.000.002263179514557123
6.70.560.092.90.0797.022.00.996693.460.6110.210.00750516215339303
7.20.620.012.30.0658.046.00.993323.320.5111.810.0021854161750525236
6.70.220.331.20.03636.086.00.990583.10.7611.400.07781589031219482
9.10.280.492.00.05910.0112.00.99583.150.4610.105.71487529668957E-4
6.40.310.2613.20.04657.0205.00.99753.170.419.608.626714698038995E-4
5.00.40.54.30.04629.080.00.99023.490.6613.610.03542355075478554
8.00.170.292.40.02952.0119.00.989443.030.3312.900.04263770952820778
6.40.270.458.30.0552.0196.00.99553.180.489.504.413380811456591E-4
8.40.20.3811.80.05551.0170.01.00043.340.828.900.0603061318397522
7.60.430.292.10.07519.066.00.997183.40.649.510.001305708079598844
6.40.310.281.50.03712.0119.00.99193.320.5110.400.9369392395019531
7.40.160.313.70.05633.0168.00.998252.90.448.700.9916422367095947
7.30.210.291.60.03429.0118.00.99173.30.511.000.9674010276794434
7.10.750.012.20.05911.018.00.992423.390.412.810.008807744830846786
5.80.260.32.60.03475.0129.00.99023.20.3811.500.03381295129656792
5.70.260.2417.80.05923.0124.00.997733.30.510.100.0011875994969159365
6.50.260.3416.30.05156.0197.01.00043.490.429.800.006658060941845179
5.60.250.192.40.04942.0166.00.9923.250.4310.409.421831928193569E-4
8.20.230.421.90.0699.017.00.993763.210.5412.310.018810546025633812
5.70.220.216.00.04441.0113.00.998623.220.468.901.6850148676894605E-4
7.60.360.4911.30.04687.0221.00.99843.010.439.206.659964565187693E-4
6.20.460.171.60.0737.011.00.994253.610.5411.410.010520714335143566
6.30.340.364.90.03531.0185.00.99463.150.499.700.0036995364353060722
6.90.210.241.80.02117.080.00.989923.150.4612.300.9125360250473022
6.80.320.328.70.02931.0105.00.991463.00.3412.300.9290609359741211
6.70.310.32.40.03830.083.00.988673.090.3612.800.9683154821395874
8.20.370.6413.90.04322.0171.00.998732.990.89.300.0013233715435490012
6.60.310.071.50.03355.0144.00.992083.160.4210.000.00380527856759727
5.20.6450.02.150.0815.028.00.994443.780.6112.510.01047809049487114
6.30.320.2612.00.04963.0170.00.99613.140.559.900.001139268046244979
6.20.220.312.40.054108.0152.00.997283.10.479.506.253985338844359E-4
7.40.180.291.40.04234.0101.00.993843.540.610.500.935178816318512
5.70.10.271.30.04721.0100.00.99283.270.469.500.0036183916963636875
10.50.420.662.950.11612.029.00.9973.240.7511.710.9490739107131958
8.30.490.432.50.03632.0116.00.99443.230.4710.700.00765836238861084
6.50.6150.01.90.0659.018.00.99723.460.659.210.0021201386116445065
8.90.270.280.80.02429.0128.00.989843.010.3512.400.008853645995259285
6.20.660.481.20.02929.075.00.98923.330.3912.800.9495501518249512
6.10.680.521.40.03732.0123.00.990223.240.4512.000.012203033082187176
6.60.210.39.90.04164.0174.00.9953.070.510.100.008280971087515354
6.20.30.321.30.05427.0183.00.992663.30.4310.100.0011360796634107828
5.70.210.251.10.03526.081.00.99023.310.5211.400.018155600875616074
5.90.220.381.30.04624.090.00.992323.20.4710.000.002276132581755519
7.80.570.311.80.06926.0120.00.996253.290.539.314.975745105184615E-4
7.50.330.3211.10.03625.0119.00.99623.150.3410.500.009844166226685047
6.60.240.2212.30.05135.0146.00.996763.10.679.403.517625737003982E-4
7.30.240.347.50.04829.0152.00.99623.10.549.000.012147101573646069
6.60.230.211.40.04445.0131.00.996042.960.519.706.16051082033664E-4
6.10.190.372.60.04124.099.00.991533.180.510.900.024976378306746483
6.00.240.332.50.02631.085.00.990143.130.511.300.9214284420013428
7.40.260.436.00.02222.0125.00.99283.130.5511.500.023354467004537582
6.00.240.326.30.0334.0129.00.99463.520.4110.400.046717725694179535
7.90.640.4610.60.24433.0227.00.99832.870.749.107.78110115788877E-4
8.70.230.3213.40.04435.0169.00.999753.120.478.800.9608659744262695
7.20.40.491.10.04811.0138.00.99293.010.429.305.015135975554585E-4
6.90.320.161.40.05115.096.00.9943.220.389.507.431516423821449E-4
6.40.240.2811.50.0534.0163.00.99693.310.459.500.0027132935356348753
6.40.230.3510.30.04254.0140.00.99673.230.479.200.0010201091645285487
7.40.260.436.00.02222.0125.00.99283.130.5511.500.023354467004537582
6.20.370.36.60.34679.0200.00.99543.290.589.604.5188062358647585E-4
8.50.180.31.10.02834.095.00.992722.830.3610.000.02517513744533062
6.80.270.294.60.0466.088.00.994583.340.4810.600.00712970457971096
7.80.390.422.00.0869.021.00.995263.390.6611.610.03149202838540077
6.40.330.448.90.05552.0164.00.994883.10.489.600.0012533200206235051
7.10.230.3913.70.05826.0172.00.997552.90.469.000.07194004207849503
9.10.520.331.30.079.030.00.99783.240.69.310.004854309372603893
6.60.340.281.30.03532.090.00.99163.10.4210.700.01742987148463726
6.90.550.152.20.07619.040.00.99613.410.5910.110.0012258371571078897
6.30.220.225.60.03931.0128.00.992963.120.4610.400.0041766115464270115
5.80.3350.145.80.04649.0197.00.99373.30.7110.300.0015507627977058291
8.80.470.492.90.08517.0110.00.99823.290.69.813.8064728141762316E-4
6.90.190.64.00.0376.0122.00.992552.920.5910.400.015589033253490925
7.50.340.284.00.02846.0100.00.989583.20.513.200.9940205216407776
7.00.780.082.00.09310.019.00.99563.40.4710.010.006329833529889584
7.20.211.01.10.15446.0114.00.99312.950.439.200.012776268646121025
6.80.230.36.950.04442.0179.00.99463.250.5610.600.01236514188349247
7.70.390.284.90.03536.0109.00.99183.190.5812.200.9897956252098083
5.80.280.181.20.0587.0108.00.992883.230.589.5500.0011342603247612715
6.60.260.466.90.04759.0183.00.995943.20.459.302.7144537307322025E-4
6.60.240.388.00.04256.0187.00.995773.210.469.207.834394928067923E-4
6.00.580.22.40.07515.050.00.994673.580.6712.510.014307222329080105
6.10.210.191.40.04651.0131.00.991843.220.3910.500.00313918711617589
7.30.380.236.50.0518.0102.00.993043.10.5511.200.007020110264420509
7.40.160.2715.50.0525.0135.00.99842.90.438.700.9851395487785339
7.10.210.372.40.02623.0100.00.99033.150.3811.400.9626607894897461
8.80.340.339.70.03646.0172.00.99663.080.410.200.002544792601838708
6.80.230.321.60.02643.0147.00.99043.290.5412.500.07340606302022934
6.00.340.296.10.04629.0134.00.994623.480.5710.700.024154670536518097
6.30.390.161.40.0811.023.00.99553.340.569.310.0013545292895287275
6.50.240.327.60.03848.0203.00.99583.450.549.700.9296579957008362
6.50.270.196.60.04598.0175.00.993643.160.3410.104.97032015118748E-4
5.70.430.35.70.03924.098.00.9923.540.6112.300.9812718033790588
8.60.4850.294.10.02619.0101.00.99183.010.3812.400.02972564287483692
6.20.450.21.60.0693.015.00.99583.410.569.210.0013649655738845468
5.90.270.279.00.05143.0136.00.99413.250.5310.700.008558063767850399
7.40.280.35.30.05444.0161.00.99413.120.4810.300.004000405315309763
8.20.370.361.00.03417.093.00.99063.040.3211.700.8422521948814392
7.90.510.342.60.04913.0135.00.993353.090.5110.000.0016310199862346053
6.20.340.311.10.04728.0237.00.99813.180.498.700.004044633824378252
6.40.270.497.30.04653.0206.00.99563.240.439.201.6115655307658017E-4
7.10.260.3214.450.07429.0107.00.9982.960.429.200.004679521080106497
7.90.30.688.30.0537.5278.00.993163.010.5112.310.9336342811584473
7.20.6850.219.50.0733.0172.00.99713.00.559.103.9451694465242326E-4
5.30.240.331.30.03325.097.00.99063.590.3811.000.9588112235069275
6.10.450.270.80.03913.082.00.99273.230.329.500.0015129377134144306
5.70.260.2510.40.027.057.00.9943.390.3710.600.015607577748596668
7.60.480.319.40.0466.0194.00.997143.070.619.400.0024555192794650793
6.10.380.143.90.0627.0113.00.993443.070.349.200.0020443713292479515
6.60.210.392.30.04131.0102.00.992213.220.5810.900.9475135207176208
7.50.290.2614.950.06747.0178.00.998383.040.499.200.004083666950464249
5.70.220.216.00.04441.0113.00.998623.220.468.901.6850148676894605E-4
7.30.220.3714.30.06348.0191.00.99782.890.389.000.03318009153008461
5.60.190.474.50.0319.0112.00.99223.560.4511.200.07054152339696884
6.40.150.361.80.03443.0150.00.99223.420.6911.000.9741061925888062
6.30.310.310.00.04649.0212.00.99623.740.5511.900.017285112291574478
7.60.160.441.40.04325.0109.00.99323.110.7510.300.006467986386269331
8.30.210.41.60.03235.0110.00.99073.020.612.900.9194912910461426
6.60.460.497.40.05219.0184.00.99563.110.389.008.87764326762408E-4
7.20.340.322.50.0943.0113.00.99663.320.7911.110.019545776769518852
5.60.350.145.00.04648.0198.00.99373.30.7110.300.0010334511753171682
5.70.2450.331.10.04928.0150.00.99273.130.429.300.0013438507448881865
7.60.6450.031.90.08614.057.00.99693.370.4610.310.00160258321557194
7.60.320.5816.750.0543.0163.00.99993.150.549.200.0027730639558285475
7.80.910.071.90.05822.047.00.995253.510.4310.710.005234219133853912
7.80.270.351.20.0536.0140.00.991383.090.4511.200.0025023703929036856
7.60.340.397.60.0445.0215.00.99653.110.539.204.82153904158622E-4
11.30.340.452.00.0826.015.00.99882.940.669.210.0013876904267817736
9.40.6150.283.20.08718.072.01.00013.310.539.710.001132675795815885
6.40.40.193.20.03328.0124.00.99043.220.5412.700.9656537175178528
6.60.250.368.10.04554.0180.00.99583.080.429.207.27405771613121E-4
6.70.240.312.30.04437.0113.00.990133.290.4612.900.09935010969638824
6.40.180.329.60.05224.090.00.99633.350.499.400.008384063839912415
7.30.590.262.00.0817.0104.00.995843.280.529.912.5077926693484187E-4
6.60.160.259.80.04959.5137.00.9953.160.3810.000.0059852697886526585
7.50.580.142.20.07727.060.00.99633.280.599.814.2573275277391076E-4
6.70.1050.3212.40.05134.0106.00.9983.540.459.200.015666229650378227
6.50.230.27.50.0544.0179.00.995043.180.489.5333333333333303.4483542549423873E-4
5.70.160.266.30.04328.0113.00.99363.060.589.900.004363322630524635
6.20.230.3617.20.03937.0130.00.999463.230.438.807.341491291299462E-4
7.70.280.336.70.03732.0155.00.99513.390.6210.700.9799205660820007
6.20.290.295.60.04635.0178.00.993133.250.5110.533333333333300.0017520221881568432
7.80.540.262.00.08823.048.00.99813.410.749.210.0011539518600329757
6.80.260.327.00.04138.0118.00.99393.250.5210.800.011643529869616032
5.00.290.545.70.03554.0155.00.989763.270.3412.900.9767929315567017
11.20.40.52.00.09919.050.00.997833.10.5810.410.001838423777371645
7.40.30.225.250.05333.0180.00.99263.130.4511.600.009197613224387169
6.70.110.348.80.04341.0113.00.99623.420.49.300.9120542407035828
6.30.170.422.80.02845.0107.00.99083.270.4311.800.016938216984272003
7.20.340.212.50.07541.068.00.995863.370.5410.118.081487030722201E-4
7.60.370.5111.70.09458.0181.00.997762.910.519.009.672121959738433E-4
7.20.7250.054.650.0864.011.00.99623.410.3910.910.002754471730440855
6.40.140.311.20.03453.0138.00.990843.380.3511.500.9695730209350586
11.40.260.443.60.0716.019.00.99863.120.829.310.01638842187821865
6.20.440.187.70.09628.0210.00.997713.560.729.209.682264062575996E-4
6.80.280.361.60.0425.087.00.99243.230.6610.300.04461444169282913
6.90.30.253.30.04126.0124.00.994283.180.59.308.807581034488976E-4
7.60.3450.261.90.04315.0134.00.99363.080.389.509.613612783141434E-4
12.40.420.494.60.07319.043.00.99783.020.619.510.009629831649363041
11.10.310.532.20.063.010.00.995723.020.8310.910.9384447336196899
5.90.260.295.40.04634.0116.00.992243.240.4111.400.0050916592590510845
7.50.240.6210.60.04551.0153.00.997793.160.448.800.0036551114171743393
8.00.320.364.60.04256.0178.00.99283.290.4712.000.06805989146232605
7.10.20.371.50.04928.0129.00.992263.150.5210.800.013825556263327599
9.40.420.326.50.02720.0167.00.994793.080.4310.600.006036173552274704
5.30.360.276.30.02840.0132.00.991863.370.411.600.05298036336898804
8.80.460.452.60.0657.018.00.99473.320.7914.010.08603698760271072
8.10.290.497.10.04222.0124.00.99443.140.4110.800.015035143122076988
7.10.460.142.80.07615.037.00.996243.360.4910.710.0011812784941866994
8.00.610.3812.10.30124.0220.00.99932.940.489.200.001332051120698452
6.20.150.490.90.03317.051.00.99323.30.79.400.005528271198272705
6.20.270.328.80.04765.0224.00.99613.170.478.902.521506685297936E-4
6.90.310.3312.70.03833.0116.00.99543.040.6510.400.02999713085591793
6.80.280.422.00.04848.0167.01.0012.930.58.700.002993520349264145
7.20.240.292.20.03737.0102.00.9923.270.6411.000.9888529777526855
6.10.190.372.60.04124.099.00.991533.180.510.900.024976378306746483
5.90.4150.020.80.03822.063.00.99323.360.369.300.0096383485943079
6.30.260.255.20.04611.0133.00.992022.970.6811.000.011365913785994053
7.10.250.392.10.03630.0124.00.99083.280.4312.200.9863220453262329
8.30.160.481.70.05731.098.00.99433.150.4110.300.03663511201739311
7.60.410.143.00.08721.043.00.99643.320.5710.510.001902263960801065
7.10.20.371.50.04928.0129.00.992263.150.5210.800.013825556263327599
7.50.240.3113.10.0526.0180.00.998843.050.539.100.014874984510242939
8.40.560.042.00.08210.022.00.99763.220.449.610.0016470466507598758
6.30.120.362.10.04447.0146.00.99143.270.7411.400.9590189456939697
6.10.240.261.70.03361.0134.00.99033.190.8111.900.9659882187843323
7.60.290.294.40.05126.0146.00.99393.160.3910.200.00238398858346045
6.00.130.285.70.03856.0189.50.99483.590.4310.600.8624364733695984
7.40.290.4812.80.03761.5182.00.998083.020.348.806.514625274576247E-4
7.50.710.01.60.09222.031.00.996353.380.5810.010.007304852362722158
8.20.230.490.90.05715.073.00.99283.070.3810.400.007465945091098547
6.80.210.46.30.03240.0121.00.992143.180.5312.000.9170844554901123
6.40.280.291.60.05234.0127.00.99293.480.5610.500.9730873107910156
6.90.210.282.40.05649.0159.00.99443.020.478.800.9117656946182251
7.60.790.212.30.08721.068.00.99553.120.449.212.3710432287771255E-4
7.50.420.1410.70.04618.095.00.99593.220.3310.700.0016100506763905287
10.20.290.652.40.0756.017.00.995653.220.6311.810.11069446057081223
5.10.1650.225.70.04742.0146.00.99343.180.559.905.899682873860002E-4
6.40.170.3413.40.04445.0139.00.997523.060.439.100.002509643556550145
8.50.340.44.70.0553.09.00.997383.380.6611.610.9095790386199951
7.60.510.242.40.0918.038.00.9983.470.669.610.0038855932652950287
7.50.190.47.10.05650.0110.00.99543.060.529.900.01821119338274002
7.30.20.2919.90.03969.0237.01.000373.10.489.200.006637043785303831
6.60.360.5210.10.0529.0140.00.996283.070.49.404.938433412462473E-4
8.20.370.271.70.02810.059.00.99232.970.4810.400.0026636652182787657
7.00.160.2514.30.04427.0149.00.9982.910.469.200.014094755984842777
7.20.20.6116.20.04314.0103.00.99873.060.369.200.001567455125041306
8.60.160.497.30.0439.063.00.99533.130.5910.500.020841235294938087
12.70.60.492.80.0755.019.00.99943.140.5711.410.002538532018661499
6.50.460.2411.50.05156.0171.00.995883.080.569.800.001550292712636292
6.50.280.344.60.05422.0130.00.991933.20.4612.000.9355559349060059
7.00.430.021.90.0815.028.00.994923.350.8110.610.017208535224199295
7.20.610.084.00.08226.0108.00.996413.250.519.411.4345889212563634E-4
6.80.30.226.20.0641.0190.00.998583.180.519.207.812726544216275E-4
7.40.190.426.40.06739.0212.00.99583.30.339.600.0072531369514763355
6.40.220.327.90.02934.0124.00.99483.40.3910.200.0452432781457901
5.80.280.272.60.05430.0156.00.99143.530.4212.400.09076899290084839
6.10.380.425.00.01631.0113.00.990073.150.3112.400.9475165009498596
6.90.560.2610.90.0655.0193.00.99693.210.449.400.001698148320429027
5.90.350.472.20.1114.0138.00.99323.090.59.100.0014739162288606167
7.30.310.6910.20.04158.0160.00.99773.060.458.600.001022046897560358
6.60.220.371.20.05945.0199.00.9933.370.5510.300.8715085387229919
12.00.370.764.20.0667.038.01.00043.220.613.010.8481268286705017
6.80.180.249.80.05864.0188.00.99523.130.5110.600.022946352139115334
8.60.310.30.90.04516.0109.00.992492.950.3910.109.836236713454127E-4
4.80.130.321.20.04240.098.00.98983.420.6411.800.9373663067817688
7.10.280.261.90.04912.086.00.99343.150.389.409.311651811003685E-4
7.80.430.4913.00.03337.0158.00.99553.140.3511.300.021478353068232536
7.80.640.01.90.07227.055.00.99623.310.6311.010.001040216418914497
7.10.260.325.90.03739.097.00.99343.310.411.600.06312219053506851
6.70.230.312.10.04630.096.00.99263.330.6410.700.9740280508995056
8.20.240.345.10.0628.022.00.99743.220.9410.910.046776458621025085
12.20.340.52.40.06610.021.01.03.121.189.210.007674454711377621
6.90.180.386.50.03920.0110.00.99433.10.4210.500.05622175708413124
5.20.1550.331.60.02813.059.00.989753.30.8411.900.9721608757972717
7.40.330.447.60.0540.0227.00.996793.120.529.000.0015441806754097342
10.30.270.242.10.07215.033.00.99563.220.6612.810.02152394689619541
5.60.130.274.80.02822.0104.00.99483.340.459.200.005749796982854605
7.30.3050.391.20.0597.011.00.993313.290.5211.510.045606207102537155
6.00.20.266.80.04922.093.00.99283.150.4211.000.0047393436543643475
5.30.5850.077.10.04434.0145.00.99453.340.579.700.001302200835198164
6.00.360.393.20.02720.0125.00.9913.380.3911.300.9488707780838013
6.90.360.344.20.01857.0119.00.98983.280.3612.700.9730829000473022
8.50.160.351.60.03924.0147.00.99352.960.3610.000.006338921841233969
7.40.660.01.80.07513.040.00.99783.510.569.416.981771439313889E-4
6.40.5950.145.20.05815.097.00.99513.380.369.000.0063329413533210754
8.90.120.451.80.07510.021.00.995523.410.7611.910.9847062230110168
6.90.250.359.20.03442.0150.00.99473.210.3611.500.04965755715966225
6.90.190.3119.250.04338.0167.00.999542.930.529.100.8546333909034729
6.70.30.745.00.03835.0157.00.99453.210.469.900.0026682710740715265
7.40.20.291.70.04716.0100.00.992433.280.4510.600.044938284903764725
7.60.310.2910.50.0421.0145.00.99663.040.359.404.198297392576933E-4
6.80.680.212.10.079.023.00.995463.380.610.310.0018920016009360552
6.40.210.285.90.04729.0101.00.992783.150.411.000.012112402357161045
9.70.530.62.00.0395.019.00.995853.30.8612.410.014325013384222984
5.80.320.22.60.02717.0123.00.989363.360.7813.900.97754967212677
7.40.630.072.40.0911.037.00.99793.430.769.710.013796201907098293
7.50.240.3113.10.0526.0180.00.998843.050.539.100.014874984510242939
6.80.260.224.80.041110.0198.00.994373.290.6710.600.0033459917176514864
7.30.8150.0911.40.04445.0204.00.997133.150.469.003.379957051947713E-4
6.90.210.331.40.05635.0136.00.99383.630.7810.300.07026474922895432
7.20.6950.132.00.07612.020.00.995463.290.5410.110.002621313789859414
6.90.40.1712.90.03359.0186.00.997543.080.499.407.646307349205017E-4
7.20.250.2814.40.05555.0205.00.99863.120.389.000.9334162473678589
6.40.570.021.80.0674.011.00.9973.460.689.510.005216920282691717
10.40.640.242.80.10529.053.00.99983.240.679.910.01499571930617094
4.90.470.171.90.03560.0148.00.989643.270.3511.500.07255466282367706
13.40.270.622.60.0826.021.01.00023.160.679.710.0176024679094553
7.10.20.30.90.0194.028.00.989313.20.3612.000.005845004227012396
6.30.210.41.70.03148.0134.00.99173.420.4911.500.04867717996239662
6.60.320.4715.60.06327.0173.00.998723.180.569.000.001502561615779996
6.20.320.56.50.04861.0186.00.99483.190.459.607.303899037651718E-4
6.90.30.497.60.05725.0156.00.99623.430.6311.000.9289548397064209
6.70.20.4214.00.03883.0160.00.99873.160.59.400.009214479476213455
6.90.30.2115.70.05649.0159.00.998273.110.489.000.0015334871131926775
7.91.040.052.20.08413.029.00.99593.220.559.918.703300845809281E-4
6.50.270.196.60.04598.0175.00.993643.160.3410.104.97032015118748E-4
6.50.220.313.90.04617.0106.00.990983.150.3111.500.09971918910741806
6.30.30.341.60.04914.0132.00.9943.30.499.500.0018713403260335326
6.40.220.311.20.04653.0149.00.994793.210.3410.800.007557184435427189
7.60.230.341.60.04324.0129.00.993053.120.710.400.003143798094242811
6.80.30.3312.80.04160.0168.00.996593.10.569.800.00391704635694623
7.40.280.361.10.02842.0105.00.98932.990.3912.400.8886852860450745
6.20.2350.341.90.0364.0117.00.990323.40.4412.200.006451164372265339
6.20.280.457.50.04546.0203.00.995733.260.469.203.5932735772803426E-4
6.30.270.517.60.04935.0200.00.995483.160.549.400.001243714476004243
9.60.410.372.30.09110.023.00.997863.240.5610.510.01991872675716877
6.50.320.238.50.05120.0138.00.99433.030.4210.700.0034508677199482918
7.10.170.387.40.05249.0182.00.99583.350.529.600.002275340259075165
8.10.190.40.90.03773.0180.00.99263.060.3410.000.011974669992923737
7.30.250.267.20.04852.0207.00.995873.120.379.200.0012751166941598058
9.90.50.242.30.1036.014.00.99783.340.5210.010.00426108855754137
9.00.450.492.60.08421.075.00.99873.350.579.715.545644671656191E-4
6.60.270.251.20.03336.0111.00.989183.160.3712.400.011795049533247948
6.80.190.5814.20.03851.0164.00.99753.120.489.600.015204963274300098
7.30.140.491.10.03828.099.00.99283.20.7210.600.05173246189951897
7.30.240.3415.40.0538.0174.00.99833.030.429.000.016723770648241043
7.80.4450.561.00.048.084.00.99383.250.4310.800.0016302677104249597
5.60.420.342.40.02234.097.00.989153.220.3812.800.9619507789611816
8.70.420.452.40.07232.059.00.996173.330.7712.010.04215645045042038
6.10.270.332.20.02126.0117.00.98863.120.312.500.015626272186636925
6.70.160.282.50.04640.0153.00.99213.380.5111.400.9141088724136353
6.00.310.272.30.04219.0120.00.989523.320.4112.700.9181186556816101
6.40.320.510.70.04757.0206.00.99683.080.69.409.42974875215441E-4
8.00.180.370.90.04936.0109.00.990072.890.4412.710.004893437493592501
7.50.280.337.70.04842.0180.00.99743.370.5910.100.01641991175711155
6.50.210.47.30.04149.0115.00.992683.210.4311.000.024358488619327545
6.70.280.423.50.03543.0105.00.990213.180.3812.200.0350559838116169
8.20.560.233.40.07814.0104.00.99763.280.629.412.0031406893394887E-4
7.00.160.32.60.04334.090.00.990472.880.4711.200.019490327686071396
6.40.230.268.10.05447.0181.00.99543.120.499.406.293793558143079E-4
6.30.280.348.10.03844.0129.00.992483.260.2912.100.10637065023183823
5.90.180.281.00.03724.088.00.990943.290.5510.6500.8750344514846802
6.80.210.2718.150.04241.0146.01.00013.30.368.700.0066173202358186245
6.70.240.412.90.03948.0122.00.990523.250.4312.000.04828253760933876
6.30.130.421.10.04363.0146.00.990663.130.7211.200.9880614280700684
6.80.180.355.40.05453.0143.00.992873.10.5411.000.9508795738220215
7.30.210.310.90.03718.0112.00.9973.40.59.600.040153760462999344
6.50.240.3917.30.05222.0126.00.998883.110.479.205.760281346738338E-4
6.80.230.328.60.04647.0159.00.994523.080.5210.500.044247664511203766
6.80.340.691.30.05812.0171.00.99313.060.479.707.352356915362179E-4
6.50.270.410.00.03974.0227.00.995823.180.59.406.031348602846265E-4
8.00.240.261.70.03336.0136.00.993163.440.5110.400.9060077667236328
6.80.150.328.80.05824.0110.00.99723.40.48.800.10876435041427612
6.00.110.4710.60.05269.0148.00.99582.910.349.300.002757488517090678
7.20.170.411.60.05224.0126.00.992283.190.4910.800.02206580340862274
6.90.20.34.70.04140.0148.00.99323.160.3510.200.0045937043614685535
5.90.170.280.70.0275.028.00.989853.130.3210.600.010227839462459087
8.30.180.31.10.03320.057.00.991093.020.5111.000.010759877972304821
7.20.570.061.60.0769.027.00.99723.360.79.610.016697796061635017
6.60.250.518.00.04761.0189.00.996043.220.499.207.595156785100698E-4
7.30.40.246.70.05841.0166.00.9953.20.419.900.001988715725019574
6.80.280.2911.90.05251.0149.00.995443.020.5810.400.015471823513507843
6.80.330.281.20.03238.0131.00.98893.190.4113.000.0882938802242279
9.40.270.532.40.0746.018.00.99623.21.1312.010.9839180707931519
7.70.280.242.40.04429.0157.00.993123.270.5610.600.011209137737751007
6.60.330.2416.050.04531.0147.00.998223.080.529.209.001975413411856E-4
7.10.590.012.50.07720.085.00.997463.550.599.813.5423587542027235E-4
6.60.280.37.80.04957.0202.00.99583.240.399.503.9555973489768803E-4
10.80.450.332.50.09920.038.00.998183.240.7110.810.023227931931614876
7.80.320.3310.40.03147.0194.00.996923.070.589.600.012843062169849873
6.70.360.288.30.03429.081.00.991512.960.3912.500.031208785250782967
6.70.260.264.00.07935.5216.00.99563.310.689.500.001825183629989624
6.90.280.331.20.03916.098.00.99043.070.3911.700.013760337606072426
6.10.350.071.40.06922.0108.00.99343.230.529.204.6903439215384424E-4
5.90.240.121.40.03560.0247.00.993583.340.449.600.006284307222813368
7.50.280.344.20.02836.0116.00.9912.990.4112.300.9395624399185181
6.10.370.364.70.03536.0116.00.9913.310.6212.600.12990842759609222
7.10.8750.055.70.0823.014.00.998083.40.5210.210.005389035679399967
7.80.530.332.40.0824.0144.00.996553.30.69.516.365575245581567E-4
7.60.320.259.50.0315.0136.00.993673.10.4412.100.035778727382421494
6.40.240.495.80.05325.0120.00.99423.010.9810.500.006541768554598093
8.10.30.311.10.04149.0123.00.99142.990.4511.100.004542839247733355
6.70.360.267.90.03439.0123.00.991192.990.312.200.9395993947982788
6.60.360.5211.30.0468.0110.00.99663.070.469.403.651140723377466E-4
6.30.270.4611.750.03761.0212.00.99713.250.539.500.0023023600224405527
8.80.480.413.30.09226.052.00.99823.310.5310.510.0035963882692158222
9.20.220.42.40.05418.0151.00.99523.040.469.300.0031250014435499907
6.70.450.35.30.03627.0165.00.991223.120.4612.200.05843113362789154
8.20.280.42.40.0524.010.00.993563.330.712.810.9914606809616089
5.90.290.283.20.03516.0117.00.989593.260.4212.600.04909363389015198
7.20.170.346.40.04216.0111.00.992782.990.410.800.012028559111058712
7.10.360.561.30.04625.0102.00.99233.240.3310.500.003672334598377347
9.20.190.422.00.04716.0104.00.995173.090.6610.000.010107862763106823
7.80.20.241.60.02626.0189.00.9913.080.7412.100.9162977933883667
8.20.420.492.60.08432.055.00.99883.340.758.715.734075675718486E-4
9.90.540.452.30.07116.040.00.99913.390.629.410.003385338233783841
7.60.6650.11.50.06627.055.00.996553.390.519.310.001138307387009263
6.80.110.421.10.04251.0132.00.990593.180.7411.300.9774789214134216
8.30.60.132.60.0856.024.00.99843.310.599.215.149683565832675E-4
6.40.160.282.20.04233.093.00.99143.310.4311.100.007065366953611374
8.50.460.312.250.07832.058.00.9983.330.549.817.502899970859289E-4
6.20.160.321.10.03674.0184.00.990963.220.4111.000.026236362755298615
8.20.270.431.60.03531.0128.00.99163.10.512.300.025585660710930824
6.90.320.177.60.04269.0219.00.99593.130.48.901.8863857258111238E-4
10.40.440.421.50.14534.048.00.998323.380.869.910.015392756089568138
6.50.190.30.80.04333.0144.00.99363.420.399.100.026762990280985832
6.30.260.427.10.04562.0209.00.995443.20.539.501.783178886398673E-4
6.90.630.012.40.07614.039.00.995223.340.5310.817.952429004944861E-4
6.10.250.1810.50.04941.0124.00.99633.140.3510.506.691603921353817E-4
6.30.340.195.80.04122.0145.00.99433.150.639.900.0013379711890593171
6.30.220.434.550.03831.0130.00.99183.350.3311.500.9571211338043213
7.40.240.362.00.03127.0139.00.990553.280.4812.500.9220747351646423
6.00.330.21.80.03149.0159.00.99193.410.5311.000.03653550520539284
6.70.180.371.30.02742.0125.00.989393.240.3712.800.9595497250556946
9.20.340.5417.30.0646.0235.01.001823.080.618.800.001597694936208427
6.20.430.496.40.04512.0115.00.99633.270.579.000.002896913094446063
7.00.9750.042.00.08712.067.00.995653.350.69.416.062201573513448E-4
6.60.220.2317.30.04737.0118.00.999063.080.468.803.668940917123109E-4
6.80.210.626.40.0417.0113.00.993582.960.5910.200.013671333901584148
6.90.490.12.30.07412.030.00.99593.420.5810.210.009492073208093643
6.40.310.538.80.05736.0221.00.996423.170.449.105.159618449397385E-4
6.60.290.449.00.05362.0178.00.996853.020.458.909.471956873312593E-4
7.50.420.459.10.02920.0125.00.9963.120.3610.100.0014206573832780123
7.00.340.396.90.06643.0162.00.995613.110.539.505.500393453985453E-4
6.90.250.341.30.03527.082.00.990453.180.4412.200.01744682528078556
9.30.370.441.60.03821.042.00.995263.240.8110.810.9377866983413696
7.90.290.396.70.0366.0117.00.99383.120.4210.700.011774446815252304
6.60.560.1510.00.03738.0157.00.996423.280.529.409.750043391250074E-4
6.60.580.022.40.06919.040.00.993873.380.6612.610.08363926410675049
6.90.380.2913.650.04852.0189.00.997843.00.69.500.03371163085103035
7.10.130.381.80.04614.0114.00.99253.320.911.700.10363535583019257
5.80.3150.271.550.02615.070.00.989943.370.411.900.8974432945251465
6.80.440.375.10.04746.0201.00.99383.080.6510.500.0031450986862182617
6.11.10.164.40.0338.0109.00.990583.350.4712.400.01412995159626007
6.70.290.4514.30.05430.0181.00.998693.140.579.100.02066357620060444
7.00.540.02.10.07939.055.00.99563.390.8411.410.005451355595141649
7.30.260.365.20.0431.0141.00.99313.160.5911.000.01210264302790165
6.20.430.221.80.07821.056.00.996333.520.69.513.9473347715102136E-4
7.30.190.246.30.05434.0231.00.99643.360.5410.000.0028029014356434345
6.70.460.241.70.07718.034.00.99483.390.610.610.0010419178288429976
6.00.280.2919.30.05136.0174.00.999113.140.59.006.508899969048798E-4
5.50.160.311.20.02631.068.00.98983.330.4411.6500.04558026045560837
6.00.340.323.80.04413.0116.00.991083.390.4411.800.912011981010437
6.20.360.242.20.09519.042.00.99463.570.5711.710.003564683021977544
6.80.480.081.80.07440.064.00.995293.120.499.613.652050800155848E-4
6.80.170.342.00.0438.0111.00.993.240.4512.900.032764971256256104
6.50.220.194.50.09616.0115.00.99373.020.449.609.100752067752182E-4
8.10.20.31.30.0367.049.00.992422.990.7310.300.02282591164112091
6.50.220.191.10.06436.0191.00.992973.050.59.500.0013939893105998635
6.90.220.325.80.04120.0119.00.992963.170.5511.200.02912171743810177
6.50.230.452.10.02743.0104.00.990543.020.5211.300.048298608511686325
7.60.190.411.10.0438.0143.00.99072.920.4211.400.004219695460051298
6.00.240.283.950.03861.0134.00.991463.30.5411.300.9664438366889954
8.60.6850.11.60.0923.012.00.997453.310.659.5510.0010611562756821513
7.10.7550.151.80.10720.084.00.995933.190.59.512.6103772688657045E-4
6.70.220.3910.20.03860.0149.00.997253.170.5410.000.9110959768295288
9.20.430.492.40.08623.0116.00.99763.230.649.510.002309913747012615
6.10.270.251.80.0419.0109.00.99293.080.549.000.0012119112070649862
6.40.310.282.50.03934.0137.00.989463.220.3812.700.07940990477800369
6.00.330.389.70.0429.0124.00.99543.470.4811.000.06274176388978958
7.40.260.317.60.04752.0177.00.99623.130.458.900.0017185311298817396
7.60.310.261.70.07340.0157.00.99383.10.469.800.0016460918122902513
6.00.280.2212.150.04842.0163.00.99573.20.4610.102.911787305492908E-4
7.40.260.293.70.04814.073.00.99153.060.4511.400.032887041568756104
8.00.810.253.40.07634.085.00.996683.190.429.214.031520802527666E-4
6.30.480.041.10.04630.099.00.99283.240.369.605.755506572313607E-4
6.80.270.2813.30.07650.0163.00.99793.030.388.609.764382848516107E-4
6.90.20.510.00.03678.0167.00.99643.150.5510.200.014034735970199108
7.40.340.2812.10.04931.0149.00.996773.220.4910.300.006987015251070261
8.70.630.282.70.09617.069.00.997343.260.6310.210.0014869890874251723
6.20.280.284.30.02622.0105.00.9892.980.6413.100.9536960124969482
6.70.240.3312.30.04631.0145.00.99833.360.49.500.0023177654948085546
6.70.190.236.20.04736.0117.00.99453.340.439.600.0035026343539357185
6.20.260.3215.30.03164.0185.00.998353.310.619.400.01539541780948639
8.30.60.252.20.1189.038.00.996163.150.539.810.0017200869042426348
6.40.420.199.30.04328.0145.00.994333.230.5310.9800.004190320614725351
8.40.6650.612.00.11213.095.00.9973.160.549.113.235909971408546E-4
6.70.340.315.60.05451.0196.00.99823.190.499.300.001941390917636454
7.40.230.251.40.04943.0141.00.99343.420.5410.200.9497902393341064
6.20.30.321.20.05232.0185.00.992663.280.4410.100.00117747753392905
6.90.330.265.00.02746.0143.00.99243.250.4311.200.9773195385932922
7.40.370.269.60.0533.0134.00.996083.130.4610.408.885665447451174E-4
9.30.360.391.50.0841.055.00.996523.470.7310.910.011752982623875141
6.90.540.043.00.0777.027.00.99873.690.919.414.1800233884714544E-4
6.20.210.271.70.03841.0150.00.99333.490.7110.500.9650802612304688
5.80.60.01.30.04472.0197.00.992023.560.4310.900.0032613552175462246
6.50.510.251.70.04839.0177.00.992123.280.5710.600.002468859078362584
6.80.360.321.60.03910.0124.00.99483.30.679.600.0014277779264375567
13.20.460.522.20.07112.035.01.00063.10.569.010.0030451035127043724
7.70.180.31.20.04649.0199.00.994133.030.389.300.022824544459581375
6.30.6950.5512.90.05658.0252.00.998063.290.498.706.824544398114085E-4
7.90.350.2415.60.07244.0229.00.997853.030.5910.500.001311535364948213
6.80.120.312.90.04932.088.00.996543.20.359.900.03290209174156189
7.30.190.4915.550.05850.0134.00.99983.420.369.100.9447118043899536
6.70.470.348.90.04331.0172.00.99643.220.69.200.0020339814946055412
8.30.30.493.80.0911.024.00.994983.270.6412.110.9744718074798584
7.10.160.251.30.03428.0123.00.99153.270.5511.400.041309211403131485
7.00.420.192.30.07118.036.00.994763.390.5610.910.0027783899568021297
8.40.350.7112.20.04622.0160.00.99822.980.659.404.85344062326476E-4
6.40.240.495.80.05325.0120.00.99423.010.9810.500.006541768554598093
8.00.280.441.80.08128.068.00.995013.360.6611.210.002928321249783039
5.00.350.257.80.03124.0116.00.992413.390.411.300.01345854066312313
5.80.360.263.30.03840.0153.00.99113.340.5511.300.04131815582513809
11.90.6950.533.40.1287.021.00.99923.170.8412.210.9229516386985779
7.30.330.221.40.04140.0177.00.992873.140.489.905.245940992608666E-4
6.50.260.2812.50.04680.0225.00.996853.180.4110.006.041912129148841E-4
7.00.310.291.40.03733.0128.00.98963.120.3612.200.8884886503219604
7.00.120.2910.30.03941.098.00.995643.190.389.800.9679784774780273
6.80.360.321.80.0674.08.00.99283.360.5512.810.9472044110298157
7.00.560.171.70.06515.024.00.995143.440.6810.5510.9256985187530518
10.90.390.471.80.1186.014.00.99823.30.759.810.00694586057215929
7.00.310.351.60.06313.0119.00.991843.220.510.700.006520157679915428
6.40.310.397.50.0457.0213.00.994753.320.4310.000.004869484808295965
6.00.130.361.60.05223.072.00.989743.10.511.500.943878173828125
7.30.2050.311.70.0634.0110.00.99633.720.6910.500.010451026260852814
10.60.340.493.20.07820.078.00.99923.190.710.010.0026985453441739082
6.80.640.12.10.08518.0101.00.99563.340.5210.214.1112827602773905E-4
8.60.370.712.150.03921.0158.00.99833.00.739.300.0010125628905370831
7.10.620.061.30.075.012.00.99423.170.489.810.0018506946507841349
6.90.290.38.20.02635.0112.00.991443.00.3712.300.04193001613020897
7.40.220.289.00.04622.0121.00.994683.10.5510.800.025308553129434586
6.90.370.239.50.05754.0166.00.995683.230.4210.006.254533655010164E-4
6.00.260.187.00.05550.0194.00.995913.210.439.003.1700218096375465E-4
5.20.340.01.80.0527.063.00.99163.680.7914.010.039752718061208725
7.20.210.293.10.04439.0122.00.991433.00.611.300.07446765154600143
5.60.2250.249.80.05459.0140.00.995453.170.3910.200.0011124128941446543
7.40.490.272.10.07114.025.00.993883.350.6312.010.011491373181343079
7.60.170.460.90.03663.0147.00.991263.020.4110.700.022345615550875664
6.70.660.013.00.03332.075.00.995513.150.510.700.0010189638705924153
7.40.360.321.90.03627.0119.00.991963.150.4911.200.04197188839316368
7.90.690.212.10.0833.0141.00.99623.250.519.911.4118352555669844E-4
7.40.180.271.30.04826.0105.00.9943.520.6610.600.04988418146967888
7.30.220.312.30.01845.080.00.989363.060.3412.900.9724825024604797
7.50.180.454.60.04167.0158.00.99273.010.3810.600.033634208142757416
7.30.230.371.90.04151.0165.00.99083.260.412.200.9677072167396545
7.10.120.33.10.01815.037.00.990043.020.5211.900.9629055857658386
7.10.340.861.40.17436.099.00.992882.920.59.300.0012647579424083233
5.80.240.281.40.03840.076.00.987113.10.2913.900.9646397829055786
7.30.340.332.50.06421.037.00.99523.350.7712.110.9876672029495239
9.80.360.451.60.04211.0124.00.99442.930.4610.800.010374616831541061
6.40.170.322.40.04841.0200.00.99383.50.59.700.01836015284061432
11.90.390.692.80.09517.035.00.99943.10.6110.810.016166161745786667
7.00.130.3712.850.04236.0105.00.995813.050.5510.700.029500233009457588
5.80.350.293.20.03441.0151.00.99123.350.5811.633333333333300.9659104943275452
6.50.20.312.10.03332.095.00.9894352.960.6112.000.027638055384159088
5.50.320.454.90.02825.0191.00.99223.510.4911.500.9377204179763794
7.50.770.28.10.09830.092.00.998923.20.589.213.815419040620327E-4
6.90.170.251.60.04734.0132.00.99143.160.4811.400.03217584639787674
6.60.250.352.90.03438.0121.00.990083.190.412.800.10999802500009537
6.30.240.371.80.0316.061.00.98973.30.3412.200.015069236978888512
8.30.60.252.20.1189.038.00.996163.150.539.810.0017200869042426348
6.60.390.3911.90.05751.0221.00.998513.260.518.900.0038905905093997717
7.40.160.2715.50.0525.0135.00.99842.90.438.700.9851395487785339
8.90.40.325.60.08710.047.00.99913.380.7710.510.9230940341949463
6.20.120.265.70.04456.0158.00.99513.520.3710.500.011266084387898445
6.70.410.272.60.03325.085.00.990863.050.3411.700.017297135666012764
6.50.410.224.80.05249.0142.00.99463.140.629.205.140446592122316E-4
7.10.60.01.80.07416.034.00.99723.470.79.910.01600511372089386
7.30.30.252.50.04532.0122.00.993293.180.5410.300.005259253084659576
6.80.320.33.30.02915.080.00.990613.330.6312.600.944897472858429
6.70.280.282.40.01236.0100.00.990643.260.3911.700.9872050285339355
6.20.30.172.80.0424.0125.00.99393.010.469.000.0010926135582849383
6.70.180.2810.20.03929.0115.00.994693.110.4510.900.9911683797836304
6.80.150.4112.90.04479.5182.00.997423.240.7810.200.00811257865279913
8.70.690.313.00.08623.081.01.00023.480.7411.610.015061787329614162
6.20.260.28.00.04735.0111.00.994453.110.4210.406.406896281987429E-4
5.90.250.1912.40.04750.0162.00.99733.350.389.500.0016871698899194598
8.30.540.243.40.07616.0112.00.99763.270.619.412.986558247357607E-4
8.20.310.42.20.0586.010.00.995363.310.6811.210.9167342782020569
7.00.240.241.80.04729.091.00.992513.30.439.900.01589989848434925
7.60.3450.261.90.04315.0134.00.99363.080.389.509.613612783141434E-4
8.20.740.092.00.0675.010.00.994183.280.5711.810.006446065381169319
6.90.230.344.00.04724.0128.00.99443.20.529.700.002935371594503522
7.00.60.122.20.08313.028.00.99663.520.6210.210.8038749694824219
11.60.440.642.10.0595.015.00.9983.210.6710.210.018257485702633858
7.10.170.311.60.03715.0103.00.9913.140.512.000.02079176716506481
7.40.190.312.80.05348.5229.00.99863.140.499.100.9788848161697388
6.60.280.340.80.03742.0119.00.98883.030.3712.500.013386632315814495
7.20.530.132.00.05818.022.00.995733.210.689.910.03273240476846695
7.70.390.284.90.03536.0109.00.99183.190.5812.200.9897956252098083
7.60.210.62.10.04647.0165.00.99363.050.5410.100.9250134229660034
8.40.180.425.10.0367.077.00.99393.160.5211.700.00936033297330141
6.40.420.468.40.0558.0180.00.994953.180.469.709.7941467538476E-4
6.90.190.331.60.04363.0149.00.99253.440.5210.800.025319170206785202
7.20.270.7412.50.03747.0156.00.99813.040.448.700.0029928090516477823
7.70.390.121.70.09719.027.00.995963.160.499.417.092177984304726E-4
7.00.290.261.60.04412.087.00.99233.080.4610.500.026244867593050003
8.30.230.433.20.03514.0101.00.99283.150.3611.500.010557007044553757
7.40.340.314.90.03770.0169.00.996983.250.3710.400.008540195412933826
8.20.730.211.70.0745.013.00.99683.20.529.510.0012597866589203477
7.10.30.366.80.05544.5234.00.99723.490.6410.200.0051595550030469894
7.10.590.02.20.07826.044.00.995223.420.6810.810.021802868694067
6.10.30.32.10.03150.0163.00.98953.390.4312.700.9899473786354065
5.40.740.01.20.04116.046.00.992584.010.5912.510.02593737095594406
8.40.290.291.050.0324.055.00.99082.910.3211.400.009325387887656689
7.80.30.2916.850.05423.0135.00.99983.160.389.000.004077394492924213
7.40.20.371.20.02828.089.00.991323.140.6111.800.052954766899347305
12.50.370.552.60.08325.068.00.99953.150.8210.410.009857555851340294
6.00.360.166.30.03636.0191.00.99423.170.629.800.00101988366805017
8.10.330.441.50.0426.012.00.995423.350.6110.710.030785350129008293
7.60.390.323.60.03522.093.00.991443.080.612.500.9876891374588013
5.90.290.337.40.03758.0205.00.994953.260.419.600.0026708648074418306
6.40.380.247.20.04741.0151.00.996043.110.69.205.508633330464363E-4
6.00.160.361.60.04213.061.00.991433.220.5410.800.01489825826138258
6.90.220.497.00.06350.0168.00.99573.540.510.300.020039143040776253
7.10.360.31.60.0835.070.00.996933.440.59.418.312936406582594E-4
7.30.130.274.60.0834.0172.00.99383.230.3911.100.8825576305389404
6.60.320.332.50.05240.0219.50.993163.150.610.000.0014726795488968492
7.30.220.3714.30.06348.0191.00.99782.890.389.000.03318009153008461
6.60.250.314.40.05240.0183.00.9983.020.59.100.023252390325069427
8.40.350.5613.80.04855.0190.00.99933.070.589.400.0025425157509744167
10.20.6450.361.80.0535.014.00.99823.170.4210.010.0016229647444561124
6.50.220.3412.00.05355.0177.00.99833.520.449.900.010934929363429546
6.50.250.2717.40.06429.0140.00.997763.20.4910.109.14691190700978E-4
7.60.180.287.10.04129.0110.00.996523.20.429.200.007518202066421509
5.90.260.2512.50.03438.0152.00.99773.330.439.400.0026366899255663157
6.20.210.271.70.03841.0150.00.99333.490.7110.500.9650802612304688
6.80.190.327.60.04937.0107.00.993323.120.4410.700.8693210482597351
6.20.390.244.80.03745.0138.00.991743.230.4311.200.9257086515426636
6.50.240.3917.30.05222.0126.00.998883.110.479.205.760281346738338E-4
7.10.280.311.50.05320.098.00.990693.150.511.400.01739666610956192
6.60.190.2811.80.04254.0137.00.994923.180.3710.800.0033521626610308886
7.00.280.3314.60.04347.0168.00.99943.340.678.800.035414524376392365
7.30.270.379.70.04236.0130.00.99793.480.759.900.011170870624482632
6.00.20.381.30.03437.0104.00.988653.110.5212.700.07085759937763214
6.20.340.2512.10.05933.0171.00.997693.140.568.700.004047304391860962
7.40.290.2810.20.03243.0138.00.99513.10.4710.600.026839742437005043
6.10.460.326.20.05310.094.00.995373.350.4710.100.0016266652382910252
8.20.230.291.80.04747.0187.00.99333.130.510.200.017404843121767044
8.20.280.421.80.03130.093.00.99173.090.3911.400.035138558596372604
7.60.280.391.20.03821.0115.00.9943.160.6710.000.0014765552477911115
7.00.340.31.80.04544.0142.00.99142.990.4510.800.0028043065685778856
7.60.50.292.30.0865.014.00.995023.320.6211.510.017077432945370674
5.90.290.167.90.04448.0197.00.995123.210.369.404.3206868576817214E-4
8.70.7650.222.30.0649.042.00.99633.10.559.412.875835925806314E-4
7.00.240.261.70.04131.0110.00.991423.20.5311.000.02426009811460972
6.30.680.013.70.10332.054.00.995863.510.6611.310.006766395177692175
5.80.260.291.00.04235.0101.00.990443.360.4811.400.9091703295707703
7.80.150.341.10.03531.093.00.990963.070.7211.300.89020836353302
7.30.180.3117.30.05532.0197.01.00023.130.469.000.20837746560573578
7.60.350.4614.70.04733.0151.00.997093.030.5310.300.006563443690538406
15.50.6450.494.20.09510.023.01.003152.920.7411.110.028600074350833893
6.20.170.31.10.03714.079.00.9933.50.5410.300.052771855145692825
7.10.350.273.10.03428.0134.00.98973.260.3813.100.9499262571334839
8.60.370.656.40.083.08.00.998173.270.5811.010.011003587394952774
8.50.170.311.00.02413.091.00.9932.790.3710.100.00858304277062416
5.60.410.227.10.0544.0154.00.99313.30.410.500.0031493024434894323
6.70.240.418.70.03629.0148.00.99523.220.629.900.011120235547423363
5.80.280.33.90.02636.0105.00.989633.260.5812.7500.05128045752644539
6.10.220.491.50.05118.087.00.99283.30.469.600.0013162964023649693
5.30.760.032.70.04327.093.00.99323.340.389.208.458032971248031E-4
6.10.640.022.40.06926.046.00.993583.470.4511.010.0011685565114021301
8.50.250.274.70.03131.092.00.99223.010.3312.000.016884110867977142
6.00.540.061.80.0538.089.00.992363.30.510.5510.0013655571965500712
7.90.210.41.20.03938.0107.00.9923.210.5410.800.015082137659192085
5.60.260.265.70.03112.080.00.99233.250.3810.800.04800743982195854
7.00.690.072.50.09115.021.00.995723.380.611.310.007022011559456587
5.01.020.041.40.04541.085.00.99383.750.4810.510.010948577895760536
7.40.60.262.10.08317.091.00.996163.290.569.814.6006462071090937E-4
8.00.380.441.90.0986.015.00.99563.30.6411.410.011728810146450996
6.60.250.3112.40.05952.0181.00.99843.510.479.800.00705223623663187
8.00.30.3611.00.0348.070.00.993543.050.4112.200.0710487887263298
6.10.210.36.30.03947.0136.00.990683.270.3112.700.06314196437597275
6.50.180.311.70.04430.0127.00.99283.490.510.200.9202941060066223
6.20.330.195.60.04222.0143.00.994253.150.639.900.0013126832200214267
5.50.4850.01.50.0658.0103.00.9943.630.49.700.0017414502799510956
8.50.280.3413.80.04132.0161.00.99813.130.49.900.0011877368669956923
6.00.170.295.00.02825.0108.00.990763.140.3412.300.05751296877861023
5.60.6950.066.80.0429.084.00.994323.440.4410.200.00686450581997633
7.60.30.42.20.05429.0175.00.994453.190.539.800.00250054057687521
7.30.510.182.10.0712.028.00.997683.520.739.510.020017987117171288
6.70.410.272.60.03325.085.00.990863.050.3411.700.017297135666012764
6.70.280.348.90.04832.0111.00.994553.250.5411.000.9808989763259888
Showing the first 1000 rows.

Model serving#

To productionize the model for low latency predictions, use MLflow Model Serving (AWS|Azure|GCP) to deploy the model to an endpoint.

The following code illustrates how to issue requests using a REST API to get predictions from the deployed model.

You need a Databricks token to issue requests to your model endpoint. You can generate a token from the User Settings page (click Settings in the left sidebar). Copy the token into the next cell.

import os
os.environ["DATABRICKS_TOKEN"] = "<YOUR_TOKEN>"

Click Models in the left sidebar and navigate to the registered wine model. Click the serving tab, and then click Enable Serving.

Then, under Call The Model, click the Python button to display a Python code snippet to issue requests. Copy the code into this notebook. It should look similar to the code in the next cell.

You can use the token to make these requests from outside Databricks notebooks as well.

# Replace with code snippet from the model serving page
import os
import requests
import pandas as pd

def score_model(dataset: pd.DataFrame):
  url = 'https://<DATABRICKS_URL>/model/wine_quality/Production/invocations'
  headers = {'Authorization': f'Bearer {os.environ.get("DATABRICKS_TOKEN")}'}
  data_json = dataset.to_dict(orient='split')
  response = requests.request(method='POST', headers=headers, url=url, json=data_json)
  if response.status_code != 200:
    raise Exception(f'Request failed with status {response.status_code}, {response.text}')
  return response.json()

The model predictions from the endpoint should agree with the results from locally evaluating the model.

# Model serving is designed for low-latency predictions on smaller batches of data
num_predictions = 5
served_predictions = score_model(X_test[:num_predictions])
model_evaluations = model.predict(X_test[:num_predictions])
# Compare the results from the deployed model and the trained model
pd.DataFrame({
  "Model Prediction": model_evaluations,
  "Served Model Prediction": served_predictions,
})